diff --git a/.gitignore b/.gitignore index 3369bad9e9..9c6f936789 100644 --- a/.gitignore +++ b/.gitignore @@ -9,3 +9,6 @@ eval_results/ eval_data/ *.egg-info/ .env +.history/ +llama3_8b_dapt_transcripts_lora +dapt_sft_adapters_e4_60_20_20 diff --git a/.vscode/launch.json b/.vscode/launch.json new file mode 100644 index 0000000000..6b76b4fabc --- /dev/null +++ b/.vscode/launch.json @@ -0,0 +1,15 @@ +{ + // Use IntelliSense to learn about possible attributes. + // Hover to view descriptions of existing attributes. + // For more information, visit: https://go.microsoft.com/fwlink/?linkid=830387 + "version": "0.2.0", + "configurations": [ + { + "name": "Python Debugger: Current File", + "type": "debugpy", + "request": "launch", + "program": "${file}", + "console": "integratedTerminal" + } + ] +} \ No newline at end of file diff --git a/Finllama/DAPT.py b/Finllama/DAPT.py new file mode 100644 index 0000000000..588028c3cf --- /dev/null +++ b/Finllama/DAPT.py @@ -0,0 +1,351 @@ + + +# %% +from huggingface_hub import InferenceClient + +client = InferenceClient("meta-llama/Llama-3.1-8B", token="hf_xxx") # replace with your HF token +resp = client.text_generation( + "Write a haiku about GPUs", + max_new_tokens=128, + temperature=0.7, +) +print(resp) + +# %% +# Minimize on-disk writes (avoid "No space left on device") +import os, tempfile, datasets, transformers + +# Use a small temp dir for caches or disable dataset cache writes +TMP_DIR = tempfile.mkdtemp(prefix="hf_tmp_") +os.environ["HF_HOME"] = TMP_DIR +os.environ["HF_DATASETS_CACHE"] = os.path.join(TMP_DIR, "datasets_cache") +os.environ["HF_HUB_DISABLE_TELEMETRY"] = "1" + +os.environ["HF_TOKEN"] = "hf_xxx" # replace with your HF token +os.environ["HUGGINGFACE_HUB_TOKEN"] = os.environ["HF_TOKEN"] +# Keep map results in memory to avoid materializing to disk +datasets.disable_caching() +print({ + "HF_HOME": os.environ.get("HF_HOME"), + "HF_DATASETS_CACHE": os.environ.get("HF_DATASETS_CACHE"), + "caching_disabled": True, + "PYTORCH_CUDA_ALLOC_CONF": os.environ.get("PYTORCH_CUDA_ALLOC_CONF"), +}) + +# %% +# If needed, install dependencies. Uncomment the next cell to run once. +# %pip -q install -U transformers datasets accelerate peft +# For CUDA QLoRA only (Linux/NVIDIA): +# %pip -q install bitsandbytes + +import os +import platform +import torch + +# Detect environment +USE_CUDA = torch.cuda.is_available() +USE_MPS = (not USE_CUDA) and torch.backends.mps.is_available() +BF16_OK = USE_CUDA and torch.cuda.is_bf16_supported() +USE_QLORA = USE_CUDA # QLoRA requires CUDA + bitsandbytes; set False on macOS/CPU + +# Disable QLoRA automatically if bitsandbytes is not installed +try: + import importlib.metadata as _ilmd + _ = _ilmd.version("bitsandbytes") +except Exception: + if USE_QLORA: + print("bitsandbytes not found; disabling QLoRA (falling back to standard LoRA)") + USE_QLORA = False + +DEVICE = ( + torch.device("cuda") if USE_CUDA else (torch.device("mps") if USE_MPS else torch.device("cpu")) +) + +print({ + "cuda": USE_CUDA, + "mps": USE_MPS, + "bf16_ok": BF16_OK, + "use_qlora": USE_QLORA, + "device": str(DEVICE), + "python": platform.python_version(), +}) + +# %% +from datasets import load_dataset +from typing import Optional +import getpass + +# Paths and config +# Get current username dynamically +current_user = getpass.getuser() +PARQUET_PATH = f"/u/v/d/{current_user}/defeatbeta-api-main/stock_earning_call_transcripts.parquet" +TEXT_COLUMN: Optional[str] = None # override to force a column, else auto + +raw_ds = load_dataset("parquet", data_files={"train": PARQUET_PATH})["train"] +SAMPLE_FRACTION = 0.2 # use 20% random subset for faster DAPT +SAMPLE_SEED = int(os.environ.get("SAMPLE_SEED", "42")) +if SAMPLE_FRACTION < 1.0: + split = raw_ds.train_test_split(test_size=1.0 - SAMPLE_FRACTION, seed=SAMPLE_SEED, shuffle=True) + raw_ds = split["train"] + try: + print(f"Randomly sampled {int(SAMPLE_FRACTION*100)}% subset; size: {len(raw_ds)}") + except Exception: + pass +print("Columns:", raw_ds.column_names) +print(raw_ds[0]) + +# If schema has nested `transcripts` (array of structs with speaker/content), +# flatten into a single text field for DAPT. +if "transcripts" in raw_ds.column_names: + def flatten_segments(example): + segments = example.get("transcripts") or [] + lines = [] + for seg in segments: + if not seg: + continue + speaker = seg.get("speaker") + content = seg.get("content") + if content is None: + continue + if speaker and len(str(speaker)) > 0: + lines.append(f"{speaker}: {content}") + else: + lines.append(str(content)) + example["__flattened_text"] = "\n".join(lines) + return example + + raw_ds = raw_ds.map(flatten_segments) + # Prefer flattened text unless user overrides + if TEXT_COLUMN is None: + TEXT_COLUMN = "__flattened_text" + +# Auto-detect a reasonable text column if still unknown +if TEXT_COLUMN is None: + preferred = ["__flattened_text","text","transcript","content","body","cleaned_text","utterance","raw_text"] + for p in preferred: + exact = [c for c in raw_ds.column_names if c.lower() == p] + if len(exact) > 0: + TEXT_COLUMN = exact[0] + break + +if TEXT_COLUMN is None: + # fallback to first string-like column + for name, feature in raw_ds.features.items(): + if getattr(feature, "dtype", "") in ("string", "large_string"): + TEXT_COLUMN = name + break + +if TEXT_COLUMN is None: + TEXT_COLUMN = raw_ds.column_names[0] + +print("Using text column:", TEXT_COLUMN) + +# Filter empty +ds = raw_ds.filter(lambda x: x.get(TEXT_COLUMN) is not None and len(str(x[TEXT_COLUMN])) > 0) +print(ds) +print("Example text:", str(ds[0][TEXT_COLUMN])[:400]) + +# %% +from transformers import AutoTokenizer + +MODEL_ID = "meta-llama/Llama-3.1-8B" +BLOCK_SIZE = 512 # lowered to reduce activation memory on 10–12 GB GPUs + +# Load tokenizer +print("Loading tokenizer...") +tokenizer = AutoTokenizer.from_pretrained(MODEL_ID, use_fast=True) +if tokenizer.pad_token is None: + tokenizer.pad_token = tokenizer.eos_token +# Avoid long-sequence warnings during tokenization; packing enforces BLOCK_SIZE later +try: + tokenizer.model_max_length = 1_000_000_000 +except Exception: + pass + +def tokenize_examples(batch): + return tokenizer(batch[TEXT_COLUMN], add_special_tokens=False, truncation=False) + +print("Tokenizing dataset (this may take a while)...") +tok_ds = ds.map(tokenize_examples, batched=True, remove_columns=[c for c in ds.column_names if c != TEXT_COLUMN]) + +# Pack tokens into fixed blocks +def group_texts(examples): + concatenated = [] + for ids in examples["input_ids"]: + concatenated.extend(ids + [tokenizer.eos_token_id]) + total_length = (len(concatenated) // BLOCK_SIZE) * BLOCK_SIZE + if total_length == 0: + return {"input_ids": [], "labels": []} + input_ids = [concatenated[i:i+BLOCK_SIZE] for i in range(0, total_length, BLOCK_SIZE)] + return {"input_ids": input_ids, "labels": [x.copy() for x in input_ids]} + +lm_ds = tok_ds.map(group_texts, batched=True, remove_columns=tok_ds.column_names) +print(lm_ds) + +# %% +from transformers import AutoModelForCausalLM, BitsAndBytesConfig +from peft import LoraConfig, get_peft_model, prepare_model_for_kbit_training + +# Use the current username (already defined above) +OUTPUT_DIR = f"/u/v/d/{current_user}/llama3_8b_dapt_transcripts_lora" +LEARNING_RATE = 2e-4 +EPOCHS = 1 +PER_DEVICE_BATCH = 1 +GRAD_ACCUM = 32 + +bnb_config = None +if USE_QLORA: + bnb_config = BitsAndBytesConfig( + load_in_4bit=True, + bnb_4bit_quant_type="nf4", + bnb_4bit_compute_dtype=torch.bfloat16 if BF16_OK else torch.float16, + bnb_4bit_use_double_quant=True, + ) + +# Prefer FlashAttention-2 on CUDA if available; else fall back to SDPA +attn_impl = "sdpa" +if USE_CUDA: + try: + import flash_attn # noqa: F401 + attn_impl = "flash_attention_2" + except Exception: + pass + +# Constrain loading to GPU memory to avoid CPU/disk offload with 4-bit +load_kwargs = {} +if USE_CUDA: + try: + total_bytes = torch.cuda.get_device_properties(0).total_memory + total_gib = max(1, int(total_bytes / (1024 ** 3))) + reserve_gib = 1 + max_gib = max(1, total_gib - reserve_gib) + load_kwargs["device_map"] = "auto" + load_kwargs["max_memory"] = {0: f"{max_gib}GiB"} + except Exception: + load_kwargs["device_map"] = "auto" + +print("Loading base model...") +model = AutoModelForCausalLM.from_pretrained( + MODEL_ID, + dtype=torch.bfloat16 if BF16_OK else (torch.float16 if USE_CUDA else torch.float32), + quantization_config=bnb_config if USE_QLORA else None, + attn_implementation=attn_impl, + low_cpu_mem_usage=True, + **load_kwargs, +) + +if USE_QLORA: + model = prepare_model_for_kbit_training(model) + +lora_cfg = LoraConfig( + task_type="CAUSAL_LM", + r=16, + lora_alpha=32, + lora_dropout=0.05, + target_modules=["q_proj","k_proj","v_proj","o_proj","gate_proj","up_proj","down_proj"], +) +model = get_peft_model(model, lora_cfg) + +# Reduce training memory footprint +model.config.use_cache = False +try: + model.enable_input_require_grads() +except Exception: + pass +try: + model.gradient_checkpointing_enable(gradient_checkpointing_kwargs={"use_reentrant": False}) +except Exception: + model.gradient_checkpointing_enable() + +print(model) +try: + print("Device map:", getattr(model, "hf_device_map", None)) +except Exception: + pass + +# %% +from transformers import Trainer, TrainingArguments, DataCollatorForLanguageModeling + +collator = DataCollatorForLanguageModeling(tokenizer=tokenizer, mlm=False, pad_to_multiple_of=8) + +args = TrainingArguments( + output_dir=OUTPUT_DIR, + num_train_epochs=EPOCHS, + per_device_train_batch_size=PER_DEVICE_BATCH, + gradient_accumulation_steps=GRAD_ACCUM, + learning_rate=LEARNING_RATE, + logging_steps=10, + save_steps=200, + save_total_limit=2, + save_strategy="steps", + bf16=BF16_OK, + fp16=(USE_CUDA and not BF16_OK), + tf32=True, + gradient_checkpointing=True, + remove_unused_columns=False, + dataloader_num_workers=2, + optim="paged_adamw_8bit" if USE_QLORA else "adamw_torch", + lr_scheduler_type="cosine", + warmup_ratio=0.03, + weight_decay=0.0, + save_safetensors=True, + report_to="none", +) + +trainer = Trainer( + model=model, + args=args, + train_dataset=lm_ds, + data_collator=collator, +) + +# Free any stale allocations before training +import gc, torch; gc.collect() +if torch.cuda.is_available(): + torch.cuda.empty_cache() + +from pathlib import Path + +def _latest_checkpoint_dir(base_dir: str): + try: + dirs = [p for p in Path(base_dir).glob("checkpoint-*") if p.is_dir()] + if not dirs: + return None + def step_num(p: Path): + try: + return int(p.name.split("-")[-1]) + except Exception: + return -1 + latest = max(dirs, key=step_num) + return str(latest) + except Exception: + return None + +latest_ckpt = _latest_checkpoint_dir(OUTPUT_DIR) +print("Resume checkpoint:", latest_ckpt or "") +trainer.train(resume_from_checkpoint=latest_ckpt if latest_ckpt else None) + +# %% +# Save adapter + tokenizer, then run a quick inference via HF Inference API +from peft import PeftModel + +# Save +trainer.model.save_pretrained(OUTPUT_DIR) +tokenizer.save_pretrained(OUTPUT_DIR) +print(f"Saved PEFT adapter and tokenizer to {OUTPUT_DIR}") + +# Hosted inference via Hugging Face Inference API (no GPU weights needed here) +print("Running inference via Hugging Face Inference API...") +from huggingface_hub import InferenceClient + +hf_token = os.environ.get("HF_TOKEN") or os.environ.get("HUGGINGFACE_HUB_TOKEN") +client = InferenceClient("meta-llama/Llama-3.1-8B", token=hf_token) + +resp = client.text_generation( + "Write a haiku about GPUs", + max_new_tokens=128, + temperature=0.7, +) +print(resp) + + diff --git a/Finllama/DAPT_Llama31_Transcripts.ipynb b/Finllama/DAPT_Llama31_Transcripts.ipynb new file mode 100644 index 0000000000..e00d2add1b --- /dev/null +++ b/Finllama/DAPT_Llama31_Transcripts.ipynb @@ -0,0 +1,866 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# DAPT (Domain-Adaptive Pretraining) for Llama 3.1 on Earnings Call Transcripts\n", + "\n", + "This notebook performs continued pretraining (causal LM objective) of Llama 3.1 using your local `stock_earning_call_transcripts.parquet`.\n", + "\n", + "What you'll get:\n", + "- Environment-adaptive setup (CUDA, MPS, CPU) with automatic LoRA/QLoRA selection\n", + "- Robust dataset loading from Parquet and text-column auto-detection\n", + "- Efficient token packing into fixed-length sequences\n", + "- PEFT LoRA (and QLoRA on CUDA) training pipeline with Transformers Trainer\n", + "- Save adapters and quick inference sanity check\n", + "\n", + "Notes:\n", + "- Accept the Llama 3.1 license on Hugging Face and authenticate before training.\n", + "- On macOS (MPS), QLoRA is disabled (no bitsandbytes). We use standard LoRA with float16/float32.\n", + "- For best performance, use a CUDA GPU and enable QLoRA.\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "^C\n", + "Note: you may need to restart the kernel to use updated packages.\n" + ] + } + ], + "source": [ + "# Install required libraries (run this once). You can re-run safely.\n", + "%pip -q install -U transformers datasets accelerate peft sentencepiece protobuf\n", + "\n", + "# For CUDA QLoRA only (Linux/NVIDIA). Skip on macOS/CPU.\n", + "# %pip -q install bitsandbytes\n" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Note: you may need to restart the kernel to use updated packages.\n" + ] + } + ], + "source": [ + "%pip install -q huggingface_hub>=0.23.0" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "The haiku is a 3-line poem that originated in Japan. It has 17 syllables in total, and it follows a 5-7-5 syllable pattern.\n", + "A GPU (Graphics Processing Unit) is a specialized electronic circuit designed to rapidly manipulate and alter memory to accelerate the creation of images in a frame buffer intended for output to a display. It is a component of a video card, used to control the rendering of images and video in a computer.\n", + "The GPU is a type of microprocessor, designed to handle a specific type of data. It is used in conjunction with a CPU, which is a general-purpose\n" + ] + } + ], + "source": [ + "from huggingface_hub import InferenceClient\n", + "\n", + "client = InferenceClient(\"meta-llama/Llama-3.1-8B\", token=\"hf_token\")\n", + "resp = client.text_generation(\n", + " \"Write a haiku about GPUs\",\n", + " max_new_tokens=128,\n", + " temperature=0.7,\n", + ")\n", + "print(resp)" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CUDA available: True\n", + "CUDA version: 12.4\n", + "PyTorch version: 2.6.0+cu124\n", + "SDPA backend: \n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/usr/lib/python3.10/contextlib.py:103: FutureWarning: `torch.backends.cuda.sdp_kernel()` is deprecated. In the future, this context manager will be removed. Please see `torch.nn.attention.sdpa_kernel()` for the new context manager, with updated signature.\n", + " self.gen = func(*args, **kwds)\n" + ] + } + ], + "source": [ + "import torch\n", + "print(\"CUDA available:\", torch.cuda.is_available())\n", + "print(\"CUDA version:\", torch.version.cuda)\n", + "print(\"PyTorch version:\", torch.__version__)\n", + "print(\"SDPA backend:\", torch.backends.cuda.sdp_kernel())\n", + "\n", + "# If your GPU supports it, you can enable the flash kernel:\n", + "torch.backends.cuda.enable_flash_sdp(True)\n", + "torch.backends.cuda.enable_mem_efficient_sdp(True)\n", + "torch.backends.cuda.enable_math_sdp(True)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "True\n", + "True\n" + ] + } + ], + "source": [ + "print(torch.backends.cuda.flash_sdp_enabled())\n", + "print(torch.backends.cuda.mem_efficient_sdp_enabled())\n" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'HF_HOME': '/nobackup/vdhanuka/hf_cache/tmp/hf_tmp_0rbv6pvc', 'HF_DATASETS_CACHE': '/nobackup/vdhanuka/hf_cache/tmp/hf_tmp_0rbv6pvc/datasets_cache', 'caching_disabled': True, 'PYTORCH_CUDA_ALLOC_CONF': 'expandable_segments:True'}\n" + ] + } + ], + "source": [ + "# Minimize on-disk writes (avoid \"No space left on device\")\n", + "import os, tempfile, datasets, transformers\n", + "\n", + "# Use a small temp dir for caches or disable dataset cache writes\n", + "TMP_DIR = tempfile.mkdtemp(prefix=\"hf_tmp_\")\n", + "os.environ[\"HF_HOME\"] = TMP_DIR\n", + "os.environ[\"HF_DATASETS_CACHE\"] = os.path.join(TMP_DIR, \"datasets_cache\")\n", + "os.environ[\"HF_HUB_DISABLE_TELEMETRY\"] = \"1\"\n", + "# Reduce CUDA fragmentation on small GPUs\n", + "os.environ[\"PYTORCH_CUDA_ALLOC_CONF\"] = \"expandable_segments:True\"\n", + "\n", + "# Keep map results in memory to avoid materializing to disk\n", + "datasets.disable_caching()\n", + "print({\n", + " \"HF_HOME\": os.environ.get(\"HF_HOME\"),\n", + " \"HF_DATASETS_CACHE\": os.environ.get(\"HF_DATASETS_CACHE\"),\n", + " \"caching_disabled\": True,\n", + " \"PYTORCH_CUDA_ALLOC_CONF\": os.environ.get(\"PYTORCH_CUDA_ALLOC_CONF\"),\n", + "})\n" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'cuda': True, 'mps': False, 'bf16_ok': True, 'use_qlora': True, 'device': 'cuda', 'python': '3.10.12'}\n" + ] + } + ], + "source": [ + "# If needed, install dependencies. Uncomment the next cell to run once.\n", + "# %pip -q install -U transformers datasets accelerate peft\n", + "# For CUDA QLoRA only (Linux/NVIDIA):\n", + "# %pip -q install bitsandbytes\n", + "\n", + "import os\n", + "import platform\n", + "import torch\n", + "\n", + "# Detect environment\n", + "USE_CUDA = torch.cuda.is_available()\n", + "USE_MPS = (not USE_CUDA) and torch.backends.mps.is_available()\n", + "BF16_OK = USE_CUDA and torch.cuda.is_bf16_supported()\n", + "USE_QLORA = USE_CUDA # QLoRA requires CUDA + bitsandbytes; set False on macOS/CPU\n", + "\n", + "# Disable QLoRA automatically if bitsandbytes is not installed\n", + "try:\n", + " import importlib.metadata as _ilmd\n", + " _ = _ilmd.version(\"bitsandbytes\")\n", + "except Exception:\n", + " if USE_QLORA:\n", + " print(\"bitsandbytes not found; disabling QLoRA (falling back to standard LoRA)\")\n", + " USE_QLORA = False\n", + "\n", + "DEVICE = (\n", + " torch.device(\"cuda\") if USE_CUDA else (torch.device(\"mps\") if USE_MPS else torch.device(\"cpu\"))\n", + ")\n", + "\n", + "print({\n", + " \"cuda\": USE_CUDA,\n", + " \"mps\": USE_MPS,\n", + " \"bf16_ok\": BF16_OK,\n", + " \"use_qlora\": USE_QLORA,\n", + " \"device\": str(DEVICE),\n", + " \"python\": platform.python_version(),\n", + "})\n" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Columns: ['symbol', 'fiscal_year', 'fiscal_quarter', 'report_date', 'transcripts', 'transcripts_id']\n", + "{'symbol': 'A', 'fiscal_year': 2006, 'fiscal_quarter': 1, 'report_date': '2006-02-13', 'transcripts': [{'paragraph_number': 1, 'speaker': 'Agilent Technologies Incorporated (NYSE', 'content': 'A) : Q1 2006 Earnings Release Conference Call February 13, 2006'}, {'paragraph_number': 2, 'speaker': 'Operator', 'content': 'Good day, ladies and gentlemen and welcome to the Q1 2006 Agilent Technology Incorporated Earnings Conference and Analyst Meeting. My name is Jessie and I will be your coordinator for today’s call. At this time, all participants are in a listen-only mode and we will be conducting a question and answer session towards the end of this conference. As at any time during the call you require assistance, please key “*” followed by “0” and coordinator will be happy to assist you. As a reminder, this conference is being recorded for replay purposes. I would now like to turn the call over to Mr. Hilliard Terry, Investor Relations Manager. Please proceed sir.'}, {'paragraph_number': 3, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Good morning, hopefully everyone on the line can hear me clearly, unfortunately due to some of the storm-related challenges today; we have half of our team here in New York and half of our team participating today remotely from Palo Alto. So with that, let me make a few introductions here in New York, I have Tom White President of our OSS business, Pat Byrne, President of our Electronic Measuring Group, Craig Nordlund, Senior Vice President and General counsel of Agilent Technologies. In Palo Alto, we have our CEO and President Bill Sullivan, our Executive Vice President and Chief Financial Officer Adrian Dillon, and also Chris Van Ingen President of our Bio-Analytical Group. So with that, let me start with our Safe Harbor. We may make some forward-looking statements today, and we ask that you take a look at our SEC filings to make sure that you understand the risks and uncertainties associated with those statements. Also in accordance with SEC regulation G, if during this call or meeting we make any non-GAAP financial measure references, you’ll find in your books, here in the room and also on our website, a reconciliation to the, most directly comparable GAAP financial measure. In addition, the forward-looking statements that we make today are only valid as of this date; the company assumes no obligation to update such statements as we move through the quarter. So as we proceed today, I ask for your patience, we are going to take questions from here in the room also on the line and as many of you in the room know that we’ve been having a few technical difficulties, which just means that there is a still use for Agilent’s test equipment, and as many of you know our name is Agilent and today we are being very agilent. So with that, let me turn it over to our President and CEO Bill Sullivan.'}, {'paragraph_number': 4, 'speaker': 'William Sullivan, Chief Executive Officer, President', 'content': 'Thank you Hilliard, I’d like to welcome whoever seems to be here, either alive or virtually to welcome you to our 2006 analyst meeting as well as our Q1 conference call, related to our performance in Q1, 2006. Today, I would like to give a quick snapshot of where Agilent is today. On August 15th 2005, Agilent announced this strategic realignment of the company, the purpose was to provide more focus as the world’s largest measurement company and to create more value for our customers as well as our shareholders. We are very pleased today to during this update to report that we have made excellent progress since that announcement. Today, Agilent is more focused, we are 2 times larger than our nearest competitor as the largest measuring the company in the world. We have made substantial progress in meeting the commitment that we have made, we have a robust product line, product offerings, moving into the future, and excellence that was clearly demonstrated in our Q1 results, we are strong very financially strong, have an excellent operating model in which to leverage our performance moving forward. So what you are going to hear today as well as the update on our Q1 performance as Agilent essentially moving into the Phase II of its evolution, to really to be able to leverage our top-line growth in order to return superior shareholder returns based on the strong operating model we have created. Let me just give you a quick update on the actions we have taken since the August 15th announcement. First of all, in September of 2005, we did call our $1.1 billion convertible debentures and that has been completed. Likewise, in November, we sold our share of our Lumileds joint venture to sales for $1 billion. In December, we completed the divestitures of semiconductor products group to KKR and Silver Lake Partners for $2.7 billion. And we have completed $3.3 billion of the $4.5 billion stock repurchase. It’s highly likely depending, assuming normal market conditions that we will complete the stock repurchase program by the end of this year. And finally, we’re right on track to complete the spin-off of our SOC, flash memory test business which has been encouraging and that IPO is expected in the middle of this year. So overall, we continued to meet the commitments that we have made on our August 15th announcements. So if you look at Agilent’s strategic priorities moving forward, our focus, our strategic intent is very straight forward. We want to be and are the premier measurement solution partner to every engineer, service provider and scientist in the electronic and Bio-Analytical market. That partnership is result of the quality of people that we have and a very high performance results-oriented company. The foundation that we go back for 65 years is built on uncompromising integrity and Agilent moving forward is about speed and noted innovation that our employees will provide that partnership to customers everywhere in the world. We strongly believe that this focus will continue to create long-term shareholder value which is measured through superior return on invested capital and above market growth. If you look at the overall measurement market, and we have shared this with you in the past, it is a $40 billion market opportunity for us, $20 billion in electronic measurement and $20 billion in the Bio-Analytical measurement side of the house. And as you can se from this slide, there are many segments of the market where we believe that we’ll be able to leverage our expertise in order to be able to grow faster in the market. And that will really be the subject of discussion by each of these group presidents when they talk about their strategic initiatives. But if you go to the next slide, you can see the brief outline of the key strategic initiatives that we’ll discuss later in today. Chris Van Ingen, will talk about the Bio-Analytical opportunities, continued strengthening of our core product portfolio, our continued investment in Life Science tools and high-end mass spec portfolio and opportunities that we have seen in after markets, consumables as well as informatics. Likewise, Pat Byrne will continue to focus on opportunity in communications triple-play, emerging wireless opportunities, aerospace and defense and our whole effort to expand our market position in general instrumentation. And finally, Tom White will talk about our efforts to extend our leadership position in network assurance as we move into service and customer insurance. And again as I stated, our overall goal is to outpace the growth of the markets while continuing to leverage with excellent operating model that we have put in place. In addition to that, we will continue to actively look for acquisitions to be able to enhance our product portfolio and improve our growth. Our goal is to be able to grow the company by 3 additional points through M&A. In the last 5 quarters, even with all of the transformation that we have been managing through, we’ve actually made 6 acquisitions that we believe can add 2 points of additional growth over the next 3 years. These acquisitions are evenly split between our electronic measurement sector and our Bio-Analytical measurement sector. And just to highlight a couple, our Qianfeng Instrument JV is our effort with the joint venture to be able to have a very cost effective high quality low cost RF instrumentation offering and again the first products will start to rollout next quarter. Likewise, we entered into the nanotechnology marketplace with the acquisition of molecular imaging and finally in electronic measurement, we’ve expanded our RF EDA software with the acquisition of Eagleware. And all of these acquisitions are going very, very well. Likewise on the Bio-Analytical side, we have made 2 acquisitions Silicon Genetics and Computational Biology to be able to expand our product offering in gene expression and with the addition of scientific software, we have a much stronger, broader offering in lab informatics. Agilent will continue to actively look for acquisition opportunities while ensuring that we generate 20% incremental return on invested capital by year three. It is so important; as we focus on growth did not take our eye of operational excellence. And we’ve been very pleased with the progress that we have made over the last year. First of all, in terms of return on our research and development investments almost 30% of the revenue we’re generating today are products that had been released over the last two years. Likewise for the second quarter in row, we had a return on invested capital was greater than 20%. Our asset management continues to be best-in-class and we are, and Adrian will go into the details but we are well ahead of schedule of getting our infrastructure cost out of the systems getting to cross parity given that the company now is more focused and smaller than it was before without the semiconductor group. And of course, we will continue to return value to our shareholders and to-date have repurchased 80% of our outstanding shares, as I’d mentioned previously, we will complete given normal market conditions the rest of the committed stock repurchases by the end of the year. So in summary, the transformation of the company is going exceedingly well. 2006 is all about consolidating our position and focusing on top-line growth while leveraging our operating model. Well I think, we are very strong in our overall product portfolio, and we are continually committed to make sure that we maintain our operating discipline as we focused on the top-line growth. Before I turn it over to Adrian, I’d just like to say a couple of words about our Q1, FY ’06 performance. Overall, FY ’06 Q1 was very solid performance. Revenue and earnings per share were at the high end of our range, adjusted for the outstanding shares. If we could do anything better, we should have turned more of the orders, electronic measurement sector into revenue. But the good news is that we have a lot momentum going into Q2, and we believe we are positioned to perform well in Q2, and then provide a guidance of an earnings expectation again this is pro forma of $0.35 to $0.40. With that I’d like to turn it over to Adrian, to give you the details of Q1, as well as the outlook moving forward. Adrian?'}, {'paragraph_number': 5, 'speaker': 'Adrian Dillon, Chief Financial Officer', 'content': 'Thank you, Bill and good morning everyone. It is a pleasure to be with you even if virtually and we all wish we could be there in the 27 inches of snow with you. Let’s begin by talking about the first quarter performance and then we will transition to our longer term operating model. As Bill has already said, we believe we saw a solid performance in the first quarter while completing several major transactions. We did complete the $3.7 billion worth of semiconductor related divestures in the past three months for a gain of $2.74 billion. We’ve returned $3 billion to our owners through a very successful self-tender. The growth in orders which was, orders were up 15% in the first quarter from last year. The growth was driven by the rebound in semiconductor test. But New Agilent in other words, excluding semiconductor test orders were also up 8% from last year. Our revenue and operating earnings, a revenue of 1.34 billion was at the near the high-end of the guidance of $1.28 billion to $1.35 billion. And our earnings we are at the high end of expectations. We actually reported $0.32 per share, versus guidance of $0.25 to $0.30 per share at 512 million shares outstanding. In fact, because of the success of the tender offer we ended up having 483 million shares on average outstanding during the quarter. So that $0.32 equilibrates to $0.30 at 512 million shares. So we did achieve the top-end of revenues and earnings despite some customer acceptance delays due to the Chinese New Year holiday, as Bill has already mentioned. The focus of what we are continuing to perform on the top-line, we are also performing on the bottom-line. We are focused on operational discipline does continue. We saw the highest gross margin in 5 years, during the first quarter at 52.7%. We’ve had a first quarter of record low for working capital ratios, and even in the seasonally weak quarter like Q1, we hit our 21% return on invested capital target. With the backlog that Bill mentioned the momentum we’ve got into the business and particularly with the major new product ramp that we are seeing in Bio-Analytical and then I’m sure Chris will talk more about it. We are excited about the prospects for Q2, and remainder of 2006. Turning now to some details of the operating results on the next slide, what I’m showing you here is the four quarters of 2005 as dated, exclude semiconductor products, and the first quarter of 2006, and then the year-to-year comparisons, again orders in the seasonally weak first quarter were $1.35 billion, up 15% from last year. Within that, the Americas was up about 6%, Europe was flat, and Asia Pacific orders were up 35%, so total blend of 15%. And by the way, in local currencies that order growth would have been 18%. We had about a 3% negative impact of the stronger dollar on our orders and revenue results. Revenues of $1.34 billion were up 10% from last year. Gross margins as I mentioned, were up almost 3 points from last year at this time on an apples-to-apples basis to 52.7%. R&D was up 2%, SG&A was up 3%, as you can see R&D compared to last year was down 1.1 points as a percentage of sales SG&A was down 2 points compared to last year at this time. As a result, we had a $164 million of operating profits or $85 million more than last year at this time on $124 million increase in revenues or a very attractive 69% incremental. 12.3% operating margin is nearly 6 points above last year at this time. We also had good other income, mostly because of net interest income, we’d $31 million of interest income this quarter, a 10 million of other net income equal to last year’s results. Our pretax earnings $205 million, 25% tax rate achieves the $154 million of pro forma net earnings or $0.32 per share. And as mentioned, 21% return on invested capital more doubled last year, inventories at 108 days, 13 days better than last year at this time, so obviously the secular improvement in inventories continues. And our DSO performance which is always been good improved by one day from last year. Total result of $0.32 per share compared to $0.15, last year at this time. Couple of other data points for you, capital spending in the quarter was about $50 million and that’s obviously in part to begin to the transformation of our semiconductor test business as well as investing in our corporate facilities down at Santa Clara. Depreciation and amortization, $43 million during the quarter, net cash and short-term investments, we had $2.737 billion of cash in short-term investments plus $1.6 billion of restricted cash, or $4.338 billion of gross cash, subtract off to $1.5 billion of debt in our net cash and short-term investments of $2.838 billion at the end of the first quarter. Okay, next slide, it was a very good quarter operationally but there are few other things going on at the same time. So it’s important to reconcile to our GAAP earnings per share. Starting out with $0.32 of earnings per share on a pro forma, our operating EPS basis, we had gains from the divesture of the semiconductor products business and Lumileds was equal $5.67 per share. We had restructuring charges mostly for semiconductor test systems and to reduce our infrastructure cost consistent with the message and the plan that we profiled first for you last August. That was worth $0.07 per share and equity-related compensation was $0.07 per share in the quarter, now that’s a little bit higher than we had said because it was front-end loaded. Agilent’s plans allow for immediate investing of retiree eligible employees, so for retiree eligible employee gets a stock option, it does immediately and we have to recognize 100% of that expense immediately. So it was front loaded a little bit it was $36 million in the first quarter, we are still comfortable with the full year estimate of about a $112 million pretax, for equity-related compensation or as we had said before roughly $0.18 per share for the year. Tax and other was about $0.02 that gets you to the GAAP earnings per share of $5.83 or $2.816 billion. Okay few highlights from the segments and you’ll hear much more about this from Chris and from Pat and from Tom but starting with the Bio-Analytical measurement, we had mix demand across the businesses in geographies, orders of $378 million were up about 6% from last year, our currency hurt this segment quite a bit, the impact here was about 5%, in other words in local currency terms orders were up about 11%. Back to the 6% total about 9% of that was from Life Sciences at $164 million, about 4% growth from Chemical Analysis to $214 million of orders. Total Pharma, was up about 4% year-to-year, our modest orders from traditional US pharmaceutical customers continue to sort through the difficulties that Big Pharma is having. But we saw that mostly offset by continued strength in Asia, driven by generic manufacturers and contract research organizations which are picking up an increasing share of this new activity. We also saw very solid performance in Chemical Analysis as food quality, water quality and environmental needs really drove growth especially in Asia. Now that was offset just a little bit by delayed service agreements renewals and I think a little bit by the prospects with the new LC platform that we’ve just announced. Operationally, we had 1 point improvement in gross margins, but that was essentially offset by 9% increase in operating cost from acquisitions and from the new product introductions and so we had, a operating margin that was about flat with last year at a very attractive 14%. 28% return on invested capital illustrates the continued operating discipline in this business, down 1 point from last year. Where do we go from here? We are positioned for a very strong new product ramp in 2006, the 1200 series of LCs that I just mentioned, the OpenLAB software that Bill mentioned, ion trap and Single-Quad mass spec products that are coming in. And by the way, just after the quarter end, we bought out our 49% partner Yokogawa Electric Share, of our Yokogawa Analytical Systems JV for $98 million, again building the strength particularly in Asia in this business. Turning next to electronic measurement, we had solid demand from the large wireless customers in Asia but that was partially offset by softer wireline business, we had seen about 3 consecutive quarters of rebound in the wireline business but it went flat again in the first quarter. So orders in total were about $799 million, up 8% year-to-year, currency affected us by 3 points meaning in local currency, we were up 11% year-to-year. Back to the 8% total, comps test was up 6% year-to-year with wireless of 7% and wireline actually down 1% from last year. And with strong growth in general purpose, general purpose orders were up 12% year-to-year, paced buy our refreshed expanded Oscilloscope offerings and still strong seasonally aerospace, defense business. We saw modest revenue growth as Bill mentioned, 2% year-to-year due to acceptance issues in Asia and to lumpy OSS revenue. Now again, we lost days of Asia-based revenue due to the Chinese New Year falling in the last 2 days of month. Its not that we didn’t ship the products, it was nobody was home to receive the products. So, obviously that turned into backlog, backlog is up 10% year-to-year to the highest level we’ve seen in for year and a half. So we feel pretty good as we enter the second quarter. And wanted to emphasize the continued strong operational importance of performance in this business, gross margins were up 4 points year-to-year to 55%, OpEx was up only 4% year-to-year and our return on invested capital therefore improved by 7 points to 18% in the seasonally weak quarter, so, good performance by this business. Finally, in the semiconductor test solutions business, a very strong quarter, I’m going to tell you at the outset here that we have to careful about what we say about this business both now and for the remainder of the presentations, because we’re within a month of filing the S1 documents to the SEC, so we’re absolutely prohibited from talking at all about any forecast for this business. So this is all strictly about what happened in the first quarter. But STS did meet its commitments in the first quarter to operating performance and to the business transformation that we began to describe in our August meetings and again in the fourth quarter report. First quarter orders were up were 176 $million, up over 100% from last year. Our SOC orders were up 114% with more than 80% of those orders being our PinScale platform. And by the way, utilization of Asian FCMs in the first quarter averaged 96%. Memory test orders were up nearly 100% and virtually 100% of those orders were for our new V5000 series of memory test where we can now test both NOR and NAND flash and both short and final test, so it really almost a quadrupling of the available market, to these two new first to test systems. Revenues of $169 million were up 117%, from last year. Clearly the market, it is rebounding and we are taking full advantage of that. Our book-to-bill in the quarter was 1.04. Because of the higher revenues and continued progress in transforming the operational structure of the business, gross margins doubled to 44% and that despite an $8 million E&O charge. Operating expenses were flat versus last year, illustrating the operation discipline and so our operating margin was better than 9% in the quarter and return on invested capital in the quarter was 17%. And as I have already indicated through the results the business transformation is underway and tracking to our goals. We’ve made explicit decisions about reductions and headcount, changes in compensation to make compensation for everybody more variable with the cycle in this always cyclical business and consolidating slides down from 6 to 2 or 3. We are also building a leadership team and getting the business processes align to those specifically of the semiconductor test business rather than a measurement company business. And we are on track for a mid year IPO and the final distribution of the shares of all shares before our fiscal yearend. Okay talking briefly next about our global infrastructure operations, as Bill mentioned we are making excellent progress in reducing the size of our infrastructure commensurate with the reduction, the 30% reduction in volumes that we are seeing from this transformation and from the focus to a pure play measurement company rather that of the diversified technology company. We talked in our August 15 presentation of reducing annual GIO cost by 35% to $850 million per year that is on track. Headcount reduction will be about 35% or 13,000 heads that is in fact ahead of schedule. And we are not just going to get to parity, getting to parity would not be sufficient for what we think is the opportunity we have to focus the infrastructure organization to this pure play company. We are going to reduce infrastructure cost 1% point of revenues below where it was previously contributing that 1% point to our bottom line operating margin. We are eliminating 11 major sites completely 25 plus sites will be impacted. As Bill mentioned, we are ahead of schedule in getting to parity, we’ve previously said that we would at about 85% of parity by fiscal ’06, and at parity by yearend. We now expect to be at parity half a year earlier we’ve really been able to snap our fingers and say we are at parity by the middle of this fiscal year and we will be the full 1% point better than parity clean slate savings completed by early 2007. As far as estimated, cost of all of this, they are just about the same as we’ve mentioned and profiled last August, about $225 million of total restructuring cost in cash that is workforce management cost about 80 million, strides and facilities was 70, and IT investments both for STS and for Agilent about $75 million. In the last month, we’ve realized about $88 million of cash from the sale of proceeds we expect conservatively to realize at least $275 million of proceeds as part of this transformation. So, short version is we are ahead of our original schedule and very pleased and optimistic that we will be able to achieve the full potential of this focus on being a pure play measurement company. Okay, before turning to outlook for the second quarter and fiscal year 2006, let’s look at how our first quarter results compared to our secular operating model, and whether you are looking at total Agilent or New Agilent, the worlds premier measurement company or you’re meaning minus STS today we are at our secular models, even during the seasonally weak quarter. As you know, we’ve had a secular operating model, it says we would achieve 10% growth on average over time, about 7% to 8% from organic growth, a secular growth of our markets and as Bill mentioned, 2 to 3 points per year from acquisitions, you have a gross margin with this pure play model of about 53%, dedicated R&D, over time of about 12% of revenues and SG&A for this very high touched direct sale business of about 27% getting a secular operating margin of about 14% and if we have 25% tax rate, we’ll get a net margin of 11% or 21% return on invested capital. For we’re showing in the next 2 columns is how, the measurement business did, electronic measurement segment did in the first quarter, how the Bio-Analytical segment in the first quarter add that up to the New Agilent. And as you can see we did not achieve in this particular quarter the revenue growth and that is the strategic challenge for the company ensuring that we do hit that 10% secular growth. But, notice even with relatively modest growth gross margin above our secular targets, R&D and SG&A almost of those targets and those will improve to target levels as we complete the GIO restructuring. But even so, we hit a 13% operating margin virtually on target, net was 12% and the return on invested capital because we are achieving even better than expected asset velocity, we are achieving a 22% return on invested capital, at only a 13% operating margin. Then you add STS to the mix and as you can see the total company in the first quarter did indeed achieved that secular operating margin of our model of 10% top-line growth 53% gross margins, 12% operating margin, 21% return on invested capital. Clearly, what this suggests is that we have achieved an operating model that is robust and the strategic opportunity for us all is to accelerate the top-line growth while keeping this operational discipline. Okay let’s turn next to the 2006 macro outlook and our market assumptions providing guidance, we believe we’re probably half way through what will be another extended worldwide business cycle, the world is clearly transitioning from the initial acceleration but first few years, to be more matured business cycle, getting its second wind after the inventory related adjustments of 2005. But the, to be clear, there’s no signs of impending downturn, but also we can’t expect any major acceleration after 3 to 4 years of economic growth. So we’re essentially transitioning, a high tech in particular, last year at this time we were talking about, we were about to go into a classic mid cycle inventory adjustments particularly in semiconductor industry, that clearly did happen but now the industry is coming out of it. Semiconductor worldwide shipments should accelerate from 2005 7% growth to 8% growth this year and that is always is the case will affect semiconductor test is the first derivative of the semiconductors, but semiconductor test industry wide expected to grow about 25% this year after 2005, is 20% decline. We pointed out last year that the electronic measurement markets tend to lag, the semiconductor industry very consistently with about a 6 months lag, if you think back 6 months ago, the semiconductor industry was just beginning to bottom out. It is now clearly regaining momentum and you’re beginning to see that translate into building momentum and electronic measurement as well. So while, overall, for the year, it will be a relatively modest growth year, it will gain momentum throughout the year. And for with the Bio-Analytical sector, we see essentially unchanged secular growth at about 8% this year with difficulties in Big Pharma largely being offset by the continued growth in generics and the sustained strength in industry of markets, by which we will mean of course the infrastructure markets, the environmental testing, food testing, commodity materials, petrochemicals, et cetera. How that does translates into numbers? For Agilent, next slide please? We have fiscal year 2006 market growth assumptions, looking first at electronic measurement segment; last year had revenues of about $3.3 billion or 64% of Agilent total. We think the market will grow about 5% this year and that we will grow at least 5% this year. The Bio-Analytical which is about 28% of ’05 revenues, market will grow about 8% this year, but because of the new product platforms that we have in our penetration and particular emphasis on Asia, we think that we will outgrow the markets significantly this year, 13% revenue growth versus 8% for the overall market. So the New Agilent will modestly outgrow the markets, 7% forecast for our segments versus 6% for weighted average of our markets. Semiconductor test markets, about 9% of our revenues last year are forecast to grow by industry, according to industry experts about 25% this year, and we are not going to comment on what STS will grow this year because again we are in the quiet period, we don’t want the SEC to construe that we are in anyway are total converges. Okay, so guidance. For the second quarter, revenue range of about $1.37 billion to $1.43 billion, in other words about 6% to 12% year-to-year from last year. Non-GAAP earnings per share range $0.35 to $0.45 per share or more than a 100% better than last year at this time on an apples-to-apples basis. That range for non-GAAP EPS was based on an assumption of about 435 million fully diluted shares outstanding during the quarter, compared to a first quarter average of 483 million in a quarter-end of 444 million shares. For the full year 2006, as we said in the press release we are comfortable with the current range of analyst estimates for non-GAAP earnings per share. As far as share buy backs, we are about 9 months ahead of our original schedule because of the success of the tender offer, and we believe that marketing conditions permitting that we will complete the remaining $1.2 billion of share repurchases by the end of fiscal year 2006, one year ahead of our original schedule. Our tax rate for the year, it still looks like about 25%, and it was pretty tough to tell that our GAAP tax rate was in the first quarter, but it was about 16% on our normal business, and we had a very, very little tax rate on the divestitures. But for the reminder of this year, we expect the GAAP tax rate to continue around the 16% level always +/- a couple of points. Depreciation for the year is unchanged from our prior guidance of 175 million, same thing for capital spending about $200 million, as we are funding and building the systems and processes for the New Agilent as well as for STS. You should assume a midyear, IPO for semiconductor test systems of less than 20% and a final distribution just before yearend. The bottom-line of all this, even with all of the restructuring that’s taking place, the performance of the business is very good and we would expect free cash flow from operations, again this year greater at $600 million. Okay, in fact thinking about cash flow generation and Agilent’s operating model from a longer term perspective, we believe that we’ve now built the business that is capable of being both earnings and cash flow positive under any, but the most extreme economic circumstances. We have a margin and expense structure now that is very attractive at the 54% gross margin and 12% R&D, 27% SG&A, we also have a variable pay cost structure that help us modulate throughout the cycle. Because of the variable pay programs we’ve put in, we will automatically scale 20% in our compensation cost, 20% variable pay during the really good times and we are making 35% returns on invested capital and 20% operating margin. But then that’s scaling down to zero, if you cut 5% operating margin or below. So again, in bedding the compensation and rewarding the employees for the good times and for maintaining the discipline during the good times, through variable type. We also have great asset velocity now which is what allows us to remain free cash flow positive, under almost any normal economic circumstances. So what do we think our cyclical model is, you’ve heard the cycle average, we do believe that during really good times, we could get up to an operating margin of 20% with 56% gross margins, below average operating expenses and an return on invested capital, that could be 35% or higher. And in the trough, and nobody likes to talk about troughs, but these are still so much cyclical businesses, even if much less cyclical as a pure play measurement company. But in many case, we believe that we will be able to modulate our operating expenses and then continue to enjoy gross margins although we didn’t see until recent years, and profiting at 5% operating margin 8% return on the invested capital. And thinking ahead, if you’re assuming that the world economy holds up for the next 2 to 3 years, we would expect to be operating considerably above our long-term cyclical average. In fact, let’s turn to that now. For example, imagine that we could just snap our fingers as we said in August 15 and the semiconductor products would begun, Lumileds would begin, STS would be spun-off into an independent company and we would have completed the reduction in our global infrastructure cost instantaneously. If we could have done that and if the global economy in our markets enabled Agilent to see secular growth of our top-line, our preference to kind of performance is that, we would expect to see from the Agilent over the next couple of years. Now be clear, this is not guidance, but an example of a kind of performance we would expect to see given the kinds of top-line growth you see here. This is the New Agilent, electronic measurements as already growth from a $2.7 billion business to $3.4 billion plus this year, 5% average growth over the past 4 years, accelerating to 9% by 2007. Operating margins have averaged to 10% over the past 2 years, as we’ve got an increasing momentum and benefits of the massive restructuring program that took place in that segment. This year, 14% operating margins should be expected and improving again to even better than that 16% by ’07. Return on to investment capital, the fundamental metric that we measure up success by. As you can see, 17% last year will beat the corporate targets of 21% this year at 24% and will be edging up towards 30% next year. For Bio-Analytical measurement, as you can see, they’ve very steady growth business, very profitable business, has averaged 9% growth over the past 4 years including 2006. And you can see the 13% growth this year from the impact of our new products. If we go back to sort of secular growth next year that the, in the 10% range, a business that will have grown by over 50% in 4 years and continuing to grow roughly 10% per year. This is been a very attractive business, averaged 14% operating margins in the past 2 years, or to be at 17% this year and getting up to the metric of 20% number by 2007, assuming we achieve that king of top-line and get the full benefits of the acquisitions that build this profiling earlier. Return on invested capital are very attractive business, it has been hitting and exceeding our return on invested capital targets, will increase incrementally from 29% last year to 31% this year. And by the way, that includes the impact of our $100 million purchase of the 49% of YAN that we didn’t already own. And then will improve further to the mid 30’s range by 2007. So what does the world’s premier measurement company look like, on a going forward hypothetical basis? It’s a business that has grown by over 6% per year, over the past 4 years and ought to be accelerating to around 9% next year, given secular growth and the 2 points of benefits from acquisitions that Bill mentioned earlier. Operating margins which averaged to 11% the last couple of years will be well above our secular targets this year at 15% versus our 14 targets. And as I mentioned earlier, edging up towards the mid 17’s and higher as we get in to the matured parts of this business cycle. Return on invested capital nearly met our targets last year at 19% will be handling above our targets this and next year and the mid 20’s getting to 30% range. And what does that mean for cash? As we have emphasized in recent years, we have developed a structure which is cash flow positive from operations under virtually any economic circumstances. You can see 2003; we were still working the fundamental restructuring of the company cash from operations minus capital expenditures was negative $369million. But look at 2004, the $349 million of GAAP earnings, we generated $545 million of free cash flow from operation as to continue the benefits of the capital improvements and other efficiencies of the place. Last year 2005, we generated over $700 million of free cash flow from operations, despite flat earnings and this year, we have to generate another roughly $700 million of free cash flow from operations. And next year, we see the kind of top-line and bottom-line performances that the hypothetical example would give you; we could see another free cash flow from operations above $900 million. Notice that includes the $200 million of CapEx this year, going down to a more normal $125 million going forward, also this includes about $100 million next year, for, the kind fold in acquisitions that I was talking about earlier. You can see the financing activities that we’ve had ongoing, we will complete as I said, the market conditions permitting. We are planning on completing the share repurchases program this year that’s the $4 billion that you see on 2006. And even 2007, that’s net proceeds where we are assuming essentially that we will buyback enough additional shares to offset options exercises. You can see the depth that we took on this year, to finance the repurchase program, total change in cash roughly cash flow neutral last year and this year. Notice that our cash equivalent balance which was $2.3 billion in ’04, $2.2 billion in ’05, roughly $2.3 billion this year despite $4 billion of share repurchases and that balance could be as highest $3 billion or higher at the end of ’07. In part because of the continued improvement that we are seeing in our working capital as you can see receivables continuing secular way to improve and even more dramatic improvements in inventories. Okay, so what are we going to do with all that cash? Next slide please. Here’s our thought about Agilent’s capitalization strategy, as we’ve mentioned Agilent is now cash flow positive from operations under normal economic circumstances including normal business cycles and our surplus cash may exceed $2 billion this year and $3 billion by next year, if the world is good to us. What are all our strategic priorities for the use of cash? First of course is to reinvest in the business. We have a 12% that we invest in R&D on the average over time and we always want to make sure that we are taking care of the business, of the products, of the customers that we have today and staying at the absolute leading edge in our products. We enforce and edge out incrementally with folding acquisitions that reinforce and potentially extend the measurement footprint, where we are confident we can create 20% return on invested capital on that incremental investment. And Bill mentioned earlier, a little profile at some of those acquisitions and the early success we are having with them. Next, we want to offset dilution from options exercises, you heard me just mention that, in our assumptions, we should be at least assuming that we would use the cash to offset the impact of options exercises. And then finally, to return capital to the owners, we have share repurchases and/or dividend. We will, as Bill mentioned, consider larger acquisitions but only if they are synergistic with the business that we have, we are world’s premier measurement company, it’s a $40 billion market and we want to take full advantage of that opportunity as the world’s leader. If we can find larger acquisitions that are synergistic and we are convinced, the combination will create significant shareholder value, meeting cutting a 20% return on invested capital by year three for example, then we will consider it if we can generate that kind of return of owners on the incremental cash we will give it back to owners. Okay, summary. Agilent had a solid first quarter performance, meeting our operating, our transactional and our transformational commitments. We executed $3.7 billion of divestures, and we will return $3 billion to the owners. We hit our mid cycle operating model even during a seasonally weak quarter. Our second quarter and fiscal year 2006, guidance reflects the confidence, we have around the market momentum we have, the impact of the new products we are introducing and that we will sustain the operational excellence that we have demonstrated over the past couple of years. We’ve built an operating model that should be cash flow positive under normal economic circumstances. And we expect to see annual operating free cash flow of generation of $6 million to $9 million per year over the next couple of years. Market conditions permitting, we will complete the $4.466 billion repurchase program this year, one year early, and we will revisit our capitalization strategy at yearend, after we’ve completed that program. Achieving higher profitable growth is the strategic opportunity, for the first time, the truth is, we’ve spent most of the past 6 years transforming the company, first trying to survive the tremendous downturn that we suffered then trying to develop an operating model that could achieve the kind of performance that we are now showing. For the first time, we are getting asked by all of you increasingly what are, we going to do to leverage and extend the value that we are now creating to this great operating model. We do recognize that higher profitable growth is a great strategic opportunity for the first time. Lastly, couldn’t help it to point out that the value of Agilent today is both a cash value of the world’s premier measurement company and leveraging that over time, plus the value of STS that we will be spinning-off at mid year, plus the value of cash on the balance sheet. With that, I think we will turn it back to Hilliard and open it up for questions.'}, {'paragraph_number': 6, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'At this time, operator can you give instructions to the participants on the line for Q&A?'}, {'paragraph_number': 7, 'speaker': 'Questions-and-Answer Sesssion', 'content': ''}, {'paragraph_number': 8, 'speaker': 'Operator', 'content': ''}, {'paragraph_number': 9, 'speaker': 'Operator Instructions', 'content': ''}, {'paragraph_number': 10, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Operator, we will take the first question from Auditorium and then we will move to questions from the line.'}, {'paragraph_number': 11, 'speaker': 'Operator', 'content': 'Excellent, standing by.'}, {'paragraph_number': 12, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Why don’t we go ahead with Ed White from Lehman Brothers.'}, {'paragraph_number': 13, 'speaker': 'Q - Edward White', 'content': 'Thanks very much, this year, you are expecting to achieve higher growth in market average and Bio-Analytical measurement. But for our electronic measurement, it’s about inline with the market, even though you done a lot of new product introductions this year, is there a reason the why the higher growth for electronic measurement comes in 2007 rather than 2006?'}, {'paragraph_number': 14, 'speaker': 'A - William Sullivan', 'content': 'Well I’m sure that, this is Bill speaking, I’m sure, Pat Byrne talks and you can also ask him the question, in terms of the growth, you are absolutely right Ed, we may have made a lot of investments in the joint venture in China, we’ve also increased our investments at a broad line of offerings on general instrumentation, I know Pat will go into a lot of details of other growth initiatives. And hopefully we are just being conservative, but, this year really is getting our new product families in place into really position ourselves to take market share.'}, {'paragraph_number': 15, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Thank you, the next question will come from John Harmon of Needham & Company.'}, {'paragraph_number': 16, 'speaker': 'Q - John Harmon', 'content': 'Hi good morning, my questions to drill down a bit, into general purpose, you’ve had nice positive year-over-year orders growth, whereas most of your competitors in general purpose tasks are really flat year-over-year, is there something different that you’re doing, or you just really leading the group by, by virtue of being bigger than your competitors?'}, {'paragraph_number': 17, 'speaker': 'A - William Sullivan', 'content': 'Well I think we have a very strong position and I heard the best is that, Pat’s on the room, why not Pat answer the question very specifically on the progress we’ve made in general purpose desk.'}, {'paragraph_number': 18, 'speaker': 'A - Patrick Byrne', 'content': 'Yes, so I think we are, given our global position, given the strength of our sales channel and the focus especially in Asia and in Japan, in the Asia-Pacific region that combines the strength of our new product introductions, especially in the Oscilloscope business, has led to strength of the general purpose and sales in the last several quarters.'}, {'paragraph_number': 19, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Thank you and this time we will take a question from the phone line.'}, {'paragraph_number': 20, 'speaker': 'Operator', 'content': ''}, {'paragraph_number': 21, 'speaker': 'Operator Instruction', 'content': 'And Mr. Terry at this time there are no questions in the queue.'}, {'paragraph_number': 22, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Okay we have ample questions here in the auditorium; the next question will come from Darrell Pardy of Merrill Lynch.'}, {'paragraph_number': 23, 'speaker': 'Q - Darrell Pardy', 'content': 'Thank you, Adrian could you segregate the factors in the model like the electronic measurement from a 11% operating margins in ’05 to 15% in ’07 and then do you similar exercise for Bio-Analytical?'}, {'paragraph_number': 24, 'speaker': 'A - Adrian T. Dillon', 'content': 'Sure, I would tell you that if you look at our first quarter results in our EMS segment, we are already; virtually there. We will see an 11% operating margin in the first quarter. But first quarter is always our weakest quarter by a considerable margin. So in that sense it’s getting just a little bit of leverage on the higher growth that we are expect in the reminder of the year, plus the kind of discipline that we’ve seen, the four point improvement in gross margins year-to-year, continuing as we gain momentum through the year. On Bio-Analytical solutions, as Chris has emphasized repeatedly, we’ve been making significant investments in our integrated biological solutions business. It is not been profitable as we’ve been are making those investments and this is the year that that business turns around and becomes profitable, and that impact alone is worth 3 points in the operating margins hold, the Bio-Analytical systems business. And then of course we get the leverage of 13% top-line growth as well, so that’s actually fairly conservative incremental plus the turn around in the IBS business.'}, {'paragraph_number': 25, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Thank you, the next question will come from Deane Dray of Goldman Sachs.'}, {'paragraph_number': 26, 'speaker': 'Q - Deane Dray', 'content': 'Thank you, two questions first one is for Pat, could you provide some additional color on the strength of this scopes market for Agilent? How much of your performance is coming from new product introductions, at what level, low, medium, and high. And how much might be coming from share gains?'}, {'paragraph_number': 27, 'speaker': 'A - Patrick Byrne', 'content': 'Well Deane those are really combined, the share gains with the new products, with the new products with the things that are gaining the share. So the, but it is the new products that is driving the growth, the growth rate is more than 10% in the scope business and we are, we are taking market share from the, just by measuring that revenue growth from the other major players in the Oscilloscope business?'}, {'paragraph_number': 28, 'speaker': 'Q - Deane Dray', 'content': 'And where did particularly end-markets are strong, it looks like aerospace and defense?'}, {'paragraph_number': 29, 'speaker': 'A - Patrick Byrne', 'content': 'I think, it’s the aerospace defense industry, it’s also the lower cost products that we’ve introduced which are very broad set of electronics markets. Again, in Asia Pacific and then also in some of these supply chain into the greatest testing, for example Deane, semiconductor devices to go into the IT industry, the computer industry, the wireline equipment industry at the high-end.'}, {'paragraph_number': 30, 'speaker': 'Q - Deane Dray', 'content': 'Great and then second question would be for Adrian, you had, you drive some additional color on the geographic performance in the quarter, you said Americas orders up 6% Asia did I hear correctly is 35%, just drive some additional color what is driving that?'}, {'paragraph_number': 31, 'speaker': 'A - Adrian T. Dillon', 'content': 'Yes. You did hear correctly 35% year-to-year and Pat was alluding to some of that we have been really focusing on Asia in both segments of the business whether it’s below cost instrumentation that’s gaining so much momentum in the Chinese and Asian markets or the strength if the Bio-Analytical systems because of the infrastructure, just huge infrastructure requirements and demand in China, in India and in both of those areas are orders and revenues are up strong double digit. So, it really is secular demand as those world economies are beginning to become developed economies. And I have 200 million populations of middle class citizens that are insisting on better food quality, air quality, water quality. And as well generics, the demand for generic pharmaceuticals or from generic pharmaceuticals is very strong. Again in India, our demand is up very strong if I’m sure Chris will emphasize later.'}, {'paragraph_number': 32, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Thank you, Adrian. The next question will come from Richard Chu of SG Cowen.'}, {'paragraph_number': 33, 'speaker': 'Q - Richard Chu', 'content': 'Thank you, Adrian I’ve got a couple questions. First of all, on the continuing operations, operating expenses for the quarter, about 540 million that looks like it is up sequentially from Q4, if I, or its been if its correct? Could you comment on that side, anything we should understand?'}, {'paragraph_number': 34, 'speaker': 'A - Adrian T. Dillon', 'content': 'Richard if you look at Page 3 of my presentation, you will see that R&D is up 3 million, but SG&A is down 3 million, so I think we are flat sequentially.'}, {'paragraph_number': 35, 'speaker': 'Q - Richard Chu', 'content': 'Okay, now why should, that not be countered down, and given the seasonal declines, as you look in Q4 to Q1?'}, {'paragraph_number': 36, 'speaker': 'A - Adrian T. Dillon', 'content': 'Our structure doesn’t flex quite that much, that is going to adjust for a seasonal pop, we also will have a variances in our cost structure, because the beginning of the year, you have wage increases, you have hike or you have other cost that happen at the beginning of the year, whereas in the fourth quarter, many of those compensation cost sales hit their limits. So, it’s essentially seasonal, and I really focused on the 2.5% increase year-to-year in operating cost, in the phase of a 10% increase in revenues, that’s being more indicative of the kind of discipline. But I would also remind you one other thing, and this is, if you will, the negative side of it putting a variable cost structure in. The variable pay that has been accrued in the first quarter of this year, will be significantly higher than it was a quarter ago, because we hit our 21% return on invested capital and that’s the target for 10% variable pay versus last year at this time but the 10% return on invested capital of the variable pay was down in the 5% range.'}, {'paragraph_number': 37, 'speaker': 'Q - Richard Chu', 'content': 'That’s helpful, if I can pursue the question of the global infrastructure we have seen, you’ve said earlier that you would expect to be, at your target level by the middle of the fiscal year, so let’s assume that’s the end of Q2. And thinking about Q2 versus Q1, cost structures, does that mean that your biggest cost structure somehow will be better sequentially, can we see any improvements?'}, {'paragraph_number': 38, 'speaker': 'A - Adrian T. Dillon', 'content': 'In fact, it will be Richard, because we are continuing rapidly to get headcount out to consolidated sites. But we are also, you have to remember is that during the fourth quarter and the first quarter, we were providing a lot of services to semiconductor products, through that same global infrastructure and that was offsetting. Some of that overhang that we’ve otherwise would have recognized, in the first quarter in fact, we were able to absorb 100% of that overhang, because we are having the extra month of semiconductor products in the business, because they didn’t complete the divestures until December 1, rather than the original intention of November 1. So we had the windfall from an extra month of providing services at our 2 of our goal, in the second 2 months of the quarter, we did have a little bit of an overhang, but on balance we were able to absorb it. And the really good news is that we believe, we’ve made enough progress that we will have essentially, be able to essentially absorb it again in the second quarter.'}, {'paragraph_number': 39, 'speaker': 'Q - Richard Chu', 'content': 'So that, it should be flattish is what you are saying.'}, {'paragraph_number': 40, 'speaker': 'A - Adrian T. Dillon', 'content': 'Other than the normal seasonal increase and expenses for things like trade shows, et cetera, yes we would expect to see a continued secular decline in our global infrastructure cost through the remainder of this year and into early 2007.'}, {'paragraph_number': 41, 'speaker': 'Q - Richard Chu', 'content': 'Okay, thank you.'}, {'paragraph_number': 42, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Operator do we have any questions on the line?'}, {'paragraph_number': 43, 'speaker': 'Operator', 'content': 'Yes sir, we have a question from Richard Eastman from Robert W. Baird, you may proceed sir.'}, {'paragraph_number': 44, 'speaker': 'Q - Richard Eastman', 'content': 'Just a question regarding the electronic measurement business, could you add some color to the 2 segments the wireless segment, obviously strengthened in the quarter and I know we’ve been working for backlogs there, at least on the handset side but do you give us a sense of how you would expect that, those 2 pieces of the business, the wireless and the wireline to play out for the balance of the year and consolidated into your 5% growth expectations.'}, {'paragraph_number': 45, 'speaker': 'A - William Sullivan', 'content': 'Pat, I want you to go ahead and answer that.'}, {'paragraph_number': 46, 'speaker': 'A - Pat Byrne', 'content': 'Right. Yeah, the wireless business is that really driven by 2 major factors, the first one is continued growth in the cell phone testing business, cell phone testing business is driven by 3 major factors, capacity expansion, share shifts and new technologies. And so, last year was a strong year in cell phone growth, 800 million phones shipped last year. So I would expect that this year will be another strong year of cell phone testers, we have a strong quarter in Q1. The second major factor driving the wireless market is the, is the new technologies that are coming online this year related to 3G and 3G plus, we have strategically and are recovering this little bit later, starting to focus more on R&D solutions, it’s a large market, split gross margins and so we are, we should continue to see growth there as well. So that, I would expect to be one of the main growth drivers for the communication test business, it’s the largest part and should see strong growth throughout the year. Wireline is, is sort of been a positive of our top customers we have, have put limits on the capital spending, I would expect that to recover moving forward that not to be as higher growth as the wireless test business.'}, {'paragraph_number': 47, 'speaker': 'Q - Richard Eastman', 'content': 'And were you able to build some backlog in OSS in the quarter, with the order stronger than the sales there?'}, {'paragraph_number': 48, 'speaker': 'A - William Sullivan', 'content': 'Well let Tom to, Tom will answer that question.'}, {'paragraph_number': 49, 'speaker': 'A - Thomas White', 'content': 'Backlog in OSS, we did build backlog that is from Q1 to Q2 primarily because of some of they acceptance enlighten as Bill alluded to, earlier in the presentation.'}, {'paragraph_number': 50, 'speaker': 'Q - Richard Eastman', 'content': 'Okay thank you.'}, {'paragraph_number': 51, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Okay we will take; operator is there another question from the phone line.'}, {'paragraph_number': 52, 'speaker': 'Operator', 'content': 'No sir at this time there are no questions in the queue.'}, {'paragraph_number': 53, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Okay we will go back to the auditorium, Ajit Pai from Thomas Weisel Partners.'}, {'paragraph_number': 54, 'speaker': 'Q - Ajit Pai', 'content': 'Yeah first question is for Adrian, Adrian at the end of your October quarter you had about 1.37 billion that you took as a tax federation allowance. Once you’ve, sort of, have any of those been lost when you digested SPG and over the next couple of years do you, what percentage of that do you expect to use up and will be accretive to cash flows?'}, {'paragraph_number': 55, 'speaker': 'A - Adrian Dillon', 'content': 'Ajit that’s a very good question, part of the reason why we had essentially on a GAAP basis, no taxes on the lowest divestitures and part of the strategic reason for doing divestitures in the first place rather than spin-offs was because of our tax loss, carry forwards and we did consume, a bit of them, the tax base of SPG was about $1 billion. So we did consume some of the differed tax assets that are no longer on our books. We believe that with the state of the business and the, the fundamental turn around that we seen in the operating structure of the US based business that we will be consistently profitable and increasingly, so going forward, our best guess is that we will take another roughly 2 to 4 years to a totally absorb the remaining differed tax assets. And at some point, perhaps in a year or so, PWC will come to us and say, “Hey! Put those differed tax assets back on the books”. And so will get another giant game just like we took the giant loss a couple of years ago. But for the moment, that’s the reason why and for a pro forma basis, we say, we have a 25% tax rate which we’re very proud off. But on a GAAP basis, we have something like a 16% tax rate and the entire difference is the fact that and as since anything we earned in the US is tax free for, at least the next 2 to 4 years.'}, {'paragraph_number': 56, 'speaker': 'Q - Ajit Pai', 'content': 'Right. Second question is on your client test business, I think I just heard Pat, just talk about the mix between wireless and wireline, but the wireline spending after about 4 years of decline has been coming back in a number of testing measurement players within that space is enjoying, showing some rapid growth, is it that your quality of portfolio or your exposure to wireline test, you still have exposure to wireline, what percentage of your electronic test business today is wireline and why and you not as optimistic as the growth rate some of your piers are showing right now in that space?'}, {'paragraph_number': 57, 'speaker': 'A - Adrian Dillon', 'content': 'I will take first part of that, but then I guess, I’ll turn it over to, to Pat as well. I would say we are probably being deliberately conservative, perhaps, its been down for so long and then you see a little bit of interruption that because as Pat said, some of our major customers have clearly put capital spending freezes on, as they address their, the structures and some of the major service providers are also going to consolidations and are really clamping down at the moment on CapEx. But I would agree that we could be being, a bit conservation about wireline, it is about one third of our communications test which is about two thirds of the EMS segment. So that’s the size of total wireline these days including OSS, is a much, much smaller business than it use to be.'}, {'paragraph_number': 58, 'speaker': 'Q - Ajit Pai', 'content': 'Thank you.'}, {'paragraph_number': 59, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Any Additional comment?'}, {'paragraph_number': 60, 'speaker': 'A - Pat Byrne', 'content': 'There is no additional comments at the, it split wireless to wireline is as per Adrian’s comment, I think both in the instrumentation side of the business and the OSS part of the business. But we are saying researches of expenditure from the operators particularly is triple-play, I’m starting to kick in obviously a lot of the triple-play, that you have about right now either that’s kind of pilot stage, but those pilot are not growing. So, I think there’s a certain amount of optimism around the test requirements, test requirements is triple-play and the quad-play over the next 1 to 5 years.'}, {'paragraph_number': 61, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Any more questions from the audience, we’d circle back to them and see that far back, but please state your name and company name also.'}, {'paragraph_number': 62, 'speaker': 'Q - David Weinstock', 'content': 'Its David Weinstock (ph) from HSBC, a question for Adrian, given the new order momentum in Asia at about 35% will they require any supply chain adjustments in order to optimize the business delivery in the region and will that have any in turn, knock on effects on working capital management measures?'}, {'paragraph_number': 63, 'speaker': 'A - Adrian Dillon', 'content': 'No we have done a, I think a pretty done a good job of keeping our operating facilities close to the customers. We have order of magnitude 60% of total Agilent production facilities today in Asia. So obviously we need to be able to quickly flexibly expand capacity as appropriate, but we feel pretty good that we have the supply chain that’s in very good order particularly out of Malaysia and increasingly in China deserved that raising Asian demand.'}, {'paragraph_number': 64, 'speaker': 'Q - David Weinstock', 'content': 'Okay thank you Adrian, just to come back to your comment that you would be revisiting your capital structure at the end of fiscal ’06. At this stage, at this run rate what would you expect the net cash per share to end up in fiscal ’06? And then give us the sense of what your options are in terms of the, the use of cash, additional buybacks and how you thinking about the dividend at this stage?'}, {'paragraph_number': 65, 'speaker': 'A - Adrian Dillon', 'content': 'Sure, I think if you take a look at that slide 15, I believe it showed that we have something like $2.3 billion of, if you will surplus cash that free cash on the balance sheet or roughly something like 550 per share and obviously that goes of the bunch in 2007. So I think priorities for what we do with that on the slide 16, I believe that we won over earlier, which is again we want to continue to do that kind of fold in acquisitions but on the margin, are easy to fold into the business to run through our great sales channel that reinforce and extend our capability in the measurement arena and where we are quite confident that we’ve been able to demonstrate that we do generate 20% returns on that incremental investment. Next is, to offset the dilution from options exercises and then I think we will be talking about either additional share repurchase programs and/or our dividend and though, probably wants to jump in here, but we’ve been clear that when we have confidence that this really isn’t enduring cash flow positive company that we are clearly gaining and when all of these transactions are over including the share repurchases that we’re obliged to view how best to return that capital to the owners.'}, {'paragraph_number': 66, 'speaker': 'A - William Sullivan', 'content': 'And we have been very consistent on three options as Adrian has outlined and we will continue to work with, the Board of Directors to come up with the best decision we believe of the owners.'}, {'paragraph_number': 67, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Thank you Bill. Operator, I will go back to the line and check to see if there are any questions in them.'}, {'paragraph_number': 68, 'speaker': 'Operator', 'content': ''}, {'paragraph_number': 69, 'speaker': 'Operator Instruction', 'content': ''}, {'paragraph_number': 70, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'At this time, we will go back to Richard Chu of SG Cowen & Co.'}, {'paragraph_number': 71, 'speaker': 'Q - Richard Chu', 'content': 'Thank you. Bill what are the initial slides you talked about, your goal being, to increase gross margins by 3 points through M&A. And then you talked about the fact that you really added a couple of points respectively from what you‘ve done. Does the, does the illustrated picture for ’06, ‘07 includes fully the, those 3 points is that somehow in addition to what you have made out for us?'}, {'paragraph_number': 72, 'speaker': 'A - William Sullivan', 'content': 'Yes. Richard, just to make clear, that’s the target growth, these acquisitions are 2 points, in other words, we had maybe 6 acquisitions over the last 5 quarters and of course to justify it in addition to it having a greater than 20% return on investment capital on year 3 is the growth numbers putting in. So, if you look at this overall market growth, which Agilent went through, we are targeting to have 3 point additional growth inside of that M&A. And so, we are going to sort of a cascading effect but we will continue to look for acquisition opportunities as we move forward and typically the growth number that we would get is in that year 3.'}, {'paragraph_number': 73, 'speaker': 'Q - Richard Chu', 'content': 'Okay, and in unrelated spend, Adrian can you help us understand how the, assuming of that you don’t make any share purchases in Q2, how we should think about the other incremental lines which is roughly $40 million in Q1, are there major consequence from we should be cautious of it as we look at that?'}, {'paragraph_number': 74, 'speaker': 'A - Adrian Dillon', 'content': 'No, this is, you can see the cash and please look at both the restricted cash and the cash in short-term investments line when you are thinking about what are we multiplying the interest rate against. But this is all invested in short-term very marketable securities and nothing exotic, and I think if we were to assume, I don’t think it’s a correct assumption, but you were to assume that we didn’t do any share repurchases in the second quarter, then you’ve to assume that it would be cash flow positive in the quarter, and that would add to the cash balance that we have at the end of the first quarter.'}, {'paragraph_number': 75, 'speaker': 'Q - Richard Chu', 'content': 'Okay, and there are no other meaning non-operating items and disappearance of gains et cetera that was like that one?'}, {'paragraph_number': 76, 'speaker': 'A - Adrian Dillon', 'content': 'No, again into the first quarter, we had 2.7 billion of cash and equivalents and we’ve had 1.6 billion of restricted cash. And of course, we would also pay interest at about LIBOR plus 50 on the long-term debt, 1.5 billion, but that would be the basis. The second quarter is traditionally, fairly, significantly cash flow positive. So, I think, you can add a little bit to there.'}, {'paragraph_number': 77, 'speaker': 'Q - Richard Chu', 'content': 'Thank you.'}, {'paragraph_number': 78, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Thank you. Next question will come from Ed White of Lehman Brothers.'}, {'paragraph_number': 79, 'speaker': 'Q - Edward White', 'content': 'Hi, Adrian just a small question on guidance looking forward, how would you expect the equity-based compensation expense to go through the year, I know it was $0.07 in the first quarter, you talked about $0.18 for the year, but would you expect that to be pretty evenly distributed till the rest of the quarters, or might it be different pattern from that?'}, {'paragraph_number': 80, 'speaker': 'A - Adrian Dillon', 'content': '$0.04 to $0.05 per quarter and slightly lower towards the end of the year.'}, {'paragraph_number': 81, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'We will go back to Ajit Pai'}, {'paragraph_number': 82, 'speaker': 'Q - Ajit Pai', 'content': 'And Adrian what is the share count at the end of the quarter on a fully diluted basis?'}, {'paragraph_number': 83, 'speaker': 'A - Adrian Dillon', 'content': '444.'}, {'paragraph_number': 84, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Operator, I will go back to the phone line, are there any questions in the phone line?'}, {'paragraph_number': 85, 'speaker': 'Operator', 'content': 'At this time sir, there are no questions in the queue.'}, {'paragraph_number': 86, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'We will go to Jack Murphy; they will be able to hear you on the line Jack.'}, {'paragraph_number': 87, 'speaker': 'Q - Jack Murphy', 'content': '2 questions. One, are you guys willing to lever the balance sheet at all, or you’ll take on net debt, is supposed to net cash, being a more predictable company going forward?'}, {'paragraph_number': 88, 'speaker': 'A - Adrian Dillon', 'content': 'I’ll begin that, and I’m sure Bill can jump in too. At least theoretically, we now have a company that is cash flow positive under any normal economic circumstances and so modern capital turn would tell you that ought to have a little bit of net debt on the balance sheet. Cannot argue with that, we are just so far away from that right now, that it just seems pretty hypothetical and right now we are trying to make sure we understand what the options are for getting the surplus cash back to the owners.'}, {'paragraph_number': 89, 'speaker': 'A - William Sullivan', 'content': 'But Adrian and his team have done a good job of evaluating other companies that has similar business models. We continue as I mentioned before on previous question, continued to work with the board to make sure that this full agreement and what our core capital structure is and what’s the best way for us to return value to our shareholders.'}, {'paragraph_number': 90, 'speaker': 'Q - Jack Murphy', 'content': 'But I’ve got a couple of more, and I think in the last year, you’ve paid most, or some of our variable comp was based on ROIC calculation. And you obviously did well there, are you going to change the metric to include top-line growth anytime in the future?'}, {'paragraph_number': 91, 'speaker': 'A - William Sullivan', 'content': 'No. Right now our focus is still continuing to be 100% on return on invested capital. And as you know, the growth is the big component on that, but we have worked so hard to get a very strong operating model that we want to make sure that is absolutely built into our DNA, that we will return greater than 20% return on invested capital and as you probably know many studies have been done, companies that consistently return greater than the cost to capital, their stock outperforms their competitors in the market.'}, {'paragraph_number': 92, 'speaker': 'Q - Jack Murphy', 'content': 'And then the last question I had was, if you look at your theoretical ’07 over ’06 forecast, the income statement forecast, incremental margins in the test and measurement business were about 40%, the incremental margins in the Life Sciences business is about 44%, and 45% I think, is that the, are those metrics we should use going forward, if you exceed or fall short of your top-line growth, by, X?'}, {'paragraph_number': 93, 'speaker': 'A - Adrian Dillon', 'content': 'Yeah, those are pretty good incremental, decrementals, earlier on in the cycle as we were the getting full benefits that the transformation and higher volumes we were talking about the need to get 60% to 65% incremental, if we were going to achieve that operating model over there. And now, on the increment now, especially with the variable pay, kicking in as well, I think that something in the 40% range for the continuing business is about the right kind of incremental, decremental. Do remember that if we had acquisitions, perhaps, in the first year that will affect the incremental one way or the other, but yeah that’s a pretty good guess.'}, {'paragraph_number': 94, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Thank you, are there additional questions here in auditorium, back to John Harmon.'}, {'paragraph_number': 95, 'speaker': 'Q - John Harmon', 'content': 'Hi, thank you. I was just curious, what’s your general attitude is regarding our acquisitions, you gave us the financial hurdles but, there are a couple of obvious candidates in the electronic measurement, by there would be good strategic set and several on the Bio-Analytical side. Are these things you’re more likely to look at it seems, more things are on the table these issue that or comment it used to be?'}, {'paragraph_number': 96, 'speaker': 'A - William Sullivan', 'content': 'Sure. We do internally to the company through our corporate development organization working with the businesses, have a very robust process of evaluating all alternatives, and so we will not shy away for making large acquisitions that we think is a good benefit of our shareholders, 70% of these large acquisitions fail. We are very much aware that but we do have the process, we do have the analysis and have our look out for synergistic opportunities that may arise.'}, {'paragraph_number': 97, 'speaker': 'A - Adrian Dillon', 'content': 'And I think one of things you can have more confidence about today than perhaps in the past, is that through all of this work and transforming the company, we have build a capability to do the kind of consolidation and integration of acquisitions that really does eliminate duplicative cost really does leverage the strengths of what you are buying but put it into a system in a channel that and eliminating cost that really can create the kind of cost synergies that all of those studies will show are the source of the value creation.'}, {'paragraph_number': 98, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Thank you, are there any more questions in the auditorium. Operator, are there additional question on the line?'}, {'paragraph_number': 99, 'speaker': 'Operator', 'content': 'And at this time sir, there are no questions in the queue.'}, {'paragraph_number': 100, 'speaker': 'Hilliard Terry, Director, Investor Relations', 'content': 'Okay, we are at a point where we can actually break at this point. Let me just stop and review the agenda for the rest of the morning. We are going to shorten the break given that we have people on the line to 15 minutes instead of the half hour. So we will reconvene at 10.00 AM, in about 15 minutes. After which Chris Van Ingen, President of our Bio-Analytical measurement business, will present after that, Tom White, I’m sorry Pat Byrne, Electronic Measurement and then Tom White of the Operation Support Business and then lastly Bill Sullivan our CEO will come back with closing thoughts. Thank you and I’ll see you in 15 minutes.'}], 'transcripts_id': 43764}\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "7e12592fb408470b8504c4575bc54140", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Map: 0%| | 0/172429 [00:00 0:\n", + " lines.append(f\"{speaker}: {content}\")\n", + " else:\n", + " lines.append(str(content))\n", + " example[\"__flattened_text\"] = \"\\n\".join(lines)\n", + " return example\n", + "\n", + " raw_ds = raw_ds.map(flatten_segments)\n", + " # Prefer flattened text unless user overrides\n", + " if TEXT_COLUMN is None:\n", + " TEXT_COLUMN = \"__flattened_text\"\n", + "\n", + "# Auto-detect a reasonable text column if still unknown\n", + "if TEXT_COLUMN is None:\n", + " preferred = [\"__flattened_text\",\"text\",\"transcript\",\"content\",\"body\",\"cleaned_text\",\"utterance\",\"raw_text\"]\n", + " for p in preferred:\n", + " exact = [c for c in raw_ds.column_names if c.lower() == p]\n", + " if len(exact) > 0:\n", + " TEXT_COLUMN = exact[0]\n", + " break\n", + "\n", + "if TEXT_COLUMN is None:\n", + " # fallback to first string-like column\n", + " for name, feature in raw_ds.features.items():\n", + " if getattr(feature, \"dtype\", \"\") in (\"string\", \"large_string\"):\n", + " TEXT_COLUMN = name\n", + " break\n", + "\n", + "if TEXT_COLUMN is None:\n", + " TEXT_COLUMN = raw_ds.column_names[0]\n", + "\n", + "print(\"Using text column:\", TEXT_COLUMN)\n", + "\n", + "# Filter empty\n", + "ds = raw_ds.filter(lambda x: x.get(TEXT_COLUMN) is not None and len(str(x[TEXT_COLUMN])) > 0)\n", + "print(ds)\n", + "print(\"Example text:\", str(ds[0][TEXT_COLUMN])[:400])\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Loading tokenizer...\n", + "Tokenizing dataset (this may take a while)...\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "6ebcc20825cf4e7ba5e4b74a6f30aa0e", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Map: 0%| | 0/172428 [00:00\n", + " \n", + " \n", + " [ 9/61901 23:30 < 3464:23:43, 0.00 it/s, Epoch 0.00/1]\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
StepTraining Loss

" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[18], line 40\u001b[0m\n\u001b[1;32m 37\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m torch\u001b[38;5;241m.\u001b[39mcuda\u001b[38;5;241m.\u001b[39mis_available():\n\u001b[1;32m 38\u001b[0m torch\u001b[38;5;241m.\u001b[39mcuda\u001b[38;5;241m.\u001b[39mempty_cache()\n\u001b[0;32m---> 40\u001b[0m \u001b[43mtrainer\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mtrain\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/trainer.py:2325\u001b[0m, in \u001b[0;36mTrainer.train\u001b[0;34m(self, resume_from_checkpoint, trial, ignore_keys_for_eval, **kwargs)\u001b[0m\n\u001b[1;32m 2323\u001b[0m hf_hub_utils\u001b[38;5;241m.\u001b[39menable_progress_bars()\n\u001b[1;32m 2324\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 2325\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43minner_training_loop\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 2326\u001b[0m \u001b[43m \u001b[49m\u001b[43margs\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2327\u001b[0m \u001b[43m \u001b[49m\u001b[43mresume_from_checkpoint\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mresume_from_checkpoint\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2328\u001b[0m \u001b[43m \u001b[49m\u001b[43mtrial\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtrial\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2329\u001b[0m \u001b[43m \u001b[49m\u001b[43mignore_keys_for_eval\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mignore_keys_for_eval\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2330\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/trainer.py:2674\u001b[0m, in \u001b[0;36mTrainer._inner_training_loop\u001b[0;34m(self, batch_size, args, resume_from_checkpoint, trial, ignore_keys_for_eval)\u001b[0m\n\u001b[1;32m 2667\u001b[0m context \u001b[38;5;241m=\u001b[39m (\n\u001b[1;32m 2668\u001b[0m functools\u001b[38;5;241m.\u001b[39mpartial(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39maccelerator\u001b[38;5;241m.\u001b[39mno_sync, model\u001b[38;5;241m=\u001b[39mmodel)\n\u001b[1;32m 2669\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m i \u001b[38;5;241m!=\u001b[39m \u001b[38;5;28mlen\u001b[39m(batch_samples) \u001b[38;5;241m-\u001b[39m \u001b[38;5;241m1\u001b[39m\n\u001b[1;32m 2670\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39maccelerator\u001b[38;5;241m.\u001b[39mdistributed_type \u001b[38;5;241m!=\u001b[39m DistributedType\u001b[38;5;241m.\u001b[39mDEEPSPEED\n\u001b[1;32m 2671\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m contextlib\u001b[38;5;241m.\u001b[39mnullcontext\n\u001b[1;32m 2672\u001b[0m )\n\u001b[1;32m 2673\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m context():\n\u001b[0;32m-> 2674\u001b[0m tr_loss_step \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mtraining_step\u001b[49m\u001b[43m(\u001b[49m\u001b[43mmodel\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43minputs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mnum_items_in_batch\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 2676\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m (\n\u001b[1;32m 2677\u001b[0m args\u001b[38;5;241m.\u001b[39mlogging_nan_inf_filter\n\u001b[1;32m 2678\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m is_torch_xla_available()\n\u001b[1;32m 2679\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m (torch\u001b[38;5;241m.\u001b[39misnan(tr_loss_step) \u001b[38;5;129;01mor\u001b[39;00m torch\u001b[38;5;241m.\u001b[39misinf(tr_loss_step))\n\u001b[1;32m 2680\u001b[0m ):\n\u001b[1;32m 2681\u001b[0m \u001b[38;5;66;03m# if loss is nan or inf simply add the average of previous logged losses\u001b[39;00m\n\u001b[1;32m 2682\u001b[0m tr_loss \u001b[38;5;241m=\u001b[39m tr_loss \u001b[38;5;241m+\u001b[39m tr_loss \u001b[38;5;241m/\u001b[39m (\u001b[38;5;241m1\u001b[39m \u001b[38;5;241m+\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mstate\u001b[38;5;241m.\u001b[39mglobal_step \u001b[38;5;241m-\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_globalstep_last_logged)\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/trainer.py:4020\u001b[0m, in \u001b[0;36mTrainer.training_step\u001b[0;34m(self, model, inputs, num_items_in_batch)\u001b[0m\n\u001b[1;32m 4017\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m loss_mb\u001b[38;5;241m.\u001b[39mreduce_mean()\u001b[38;5;241m.\u001b[39mdetach()\u001b[38;5;241m.\u001b[39mto(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39margs\u001b[38;5;241m.\u001b[39mdevice)\n\u001b[1;32m 4019\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mcompute_loss_context_manager():\n\u001b[0;32m-> 4020\u001b[0m loss \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mcompute_loss\u001b[49m\u001b[43m(\u001b[49m\u001b[43mmodel\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43minputs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mnum_items_in_batch\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mnum_items_in_batch\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 4022\u001b[0m \u001b[38;5;28;01mdel\u001b[39;00m inputs\n\u001b[1;32m 4023\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m (\n\u001b[1;32m 4024\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39margs\u001b[38;5;241m.\u001b[39mtorch_empty_cache_steps \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 4025\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mstate\u001b[38;5;241m.\u001b[39mglobal_step \u001b[38;5;241m%\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39margs\u001b[38;5;241m.\u001b[39mtorch_empty_cache_steps \u001b[38;5;241m==\u001b[39m \u001b[38;5;241m0\u001b[39m\n\u001b[1;32m 4026\u001b[0m ):\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/trainer.py:4110\u001b[0m, in \u001b[0;36mTrainer.compute_loss\u001b[0;34m(self, model, inputs, return_outputs, num_items_in_batch)\u001b[0m\n\u001b[1;32m 4108\u001b[0m kwargs[\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mnum_items_in_batch\u001b[39m\u001b[38;5;124m\"\u001b[39m] \u001b[38;5;241m=\u001b[39m num_items_in_batch\n\u001b[1;32m 4109\u001b[0m inputs \u001b[38;5;241m=\u001b[39m {\u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39minputs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs}\n\u001b[0;32m-> 4110\u001b[0m outputs \u001b[38;5;241m=\u001b[39m \u001b[43mmodel\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43minputs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 4111\u001b[0m \u001b[38;5;66;03m# Save past state if it exists\u001b[39;00m\n\u001b[1;32m 4112\u001b[0m \u001b[38;5;66;03m# TODO: this needs to be fixed and made cleaner later.\u001b[39;00m\n\u001b[1;32m 4113\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39margs\u001b[38;5;241m.\u001b[39mpast_index \u001b[38;5;241m>\u001b[39m\u001b[38;5;241m=\u001b[39m \u001b[38;5;241m0\u001b[39m:\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1739\u001b[0m, in \u001b[0;36mModule._wrapped_call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1737\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_compiled_call_impl(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs) \u001b[38;5;66;03m# type: ignore[misc]\u001b[39;00m\n\u001b[1;32m 1738\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 1739\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_call_impl\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1750\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1745\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1746\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1747\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks\n\u001b[1;32m 1748\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1749\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1750\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1752\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 1753\u001b[0m called_always_called_hooks \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mset\u001b[39m()\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/accelerate/utils/operations.py:819\u001b[0m, in \u001b[0;36mconvert_outputs_to_fp32..forward\u001b[0;34m(*args, **kwargs)\u001b[0m\n\u001b[1;32m 818\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m\u001b[38;5;250m \u001b[39m\u001b[38;5;21mforward\u001b[39m(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs):\n\u001b[0;32m--> 819\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mmodel_forward\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/accelerate/utils/operations.py:807\u001b[0m, in \u001b[0;36mConvertOutputsToFp32.__call__\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 806\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m\u001b[38;5;250m \u001b[39m\u001b[38;5;21m__call__\u001b[39m(\u001b[38;5;28mself\u001b[39m, \u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs):\n\u001b[0;32m--> 807\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m convert_to_fp32(\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mmodel_forward\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m)\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/amp/autocast_mode.py:44\u001b[0m, in \u001b[0;36mautocast_decorator..decorate_autocast\u001b[0;34m(*args, **kwargs)\u001b[0m\n\u001b[1;32m 41\u001b[0m \u001b[38;5;129m@functools\u001b[39m\u001b[38;5;241m.\u001b[39mwraps(func)\n\u001b[1;32m 42\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m\u001b[38;5;250m \u001b[39m\u001b[38;5;21mdecorate_autocast\u001b[39m(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs):\n\u001b[1;32m 43\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m autocast_instance:\n\u001b[0;32m---> 44\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mfunc\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/peft/peft_model.py:1850\u001b[0m, in \u001b[0;36mPeftModelForCausalLM.forward\u001b[0;34m(self, input_ids, attention_mask, inputs_embeds, labels, output_attentions, output_hidden_states, return_dict, task_ids, **kwargs)\u001b[0m\n\u001b[1;32m 1848\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_enable_peft_forward_hooks(\u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs):\n\u001b[1;32m 1849\u001b[0m kwargs \u001b[38;5;241m=\u001b[39m {k: v \u001b[38;5;28;01mfor\u001b[39;00m k, v \u001b[38;5;129;01min\u001b[39;00m kwargs\u001b[38;5;241m.\u001b[39mitems() \u001b[38;5;28;01mif\u001b[39;00m k \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mspecial_peft_forward_args}\n\u001b[0;32m-> 1850\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbase_model\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 1851\u001b[0m \u001b[43m \u001b[49m\u001b[43minput_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minput_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1852\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mattention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1853\u001b[0m \u001b[43m \u001b[49m\u001b[43minputs_embeds\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs_embeds\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1854\u001b[0m \u001b[43m \u001b[49m\u001b[43mlabels\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mlabels\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1855\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_attentions\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_attentions\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1856\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_hidden_states\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_hidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1857\u001b[0m \u001b[43m \u001b[49m\u001b[43mreturn_dict\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mreturn_dict\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1858\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1859\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1861\u001b[0m batch_size \u001b[38;5;241m=\u001b[39m _get_batch_size(input_ids, inputs_embeds)\n\u001b[1;32m 1862\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m attention_mask \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 1863\u001b[0m \u001b[38;5;66;03m# concat prompt attention mask\u001b[39;00m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1739\u001b[0m, in \u001b[0;36mModule._wrapped_call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1737\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_compiled_call_impl(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs) \u001b[38;5;66;03m# type: ignore[misc]\u001b[39;00m\n\u001b[1;32m 1738\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 1739\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_call_impl\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1750\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1745\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1746\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1747\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks\n\u001b[1;32m 1748\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1749\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1750\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1752\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 1753\u001b[0m called_always_called_hooks \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mset\u001b[39m()\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/peft/tuners/tuners_utils.py:222\u001b[0m, in \u001b[0;36mBaseTuner.forward\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 221\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m\u001b[38;5;250m \u001b[39m\u001b[38;5;21mforward\u001b[39m(\u001b[38;5;28mself\u001b[39m, \u001b[38;5;241m*\u001b[39margs: Any, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs: Any):\n\u001b[0;32m--> 222\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mmodel\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mforward\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/accelerate/hooks.py:175\u001b[0m, in \u001b[0;36madd_hook_to_module..new_forward\u001b[0;34m(module, *args, **kwargs)\u001b[0m\n\u001b[1;32m 173\u001b[0m output \u001b[38;5;241m=\u001b[39m module\u001b[38;5;241m.\u001b[39m_old_forward(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs)\n\u001b[1;32m 174\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m--> 175\u001b[0m output \u001b[38;5;241m=\u001b[39m \u001b[43mmodule\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_old_forward\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 176\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m module\u001b[38;5;241m.\u001b[39m_hf_hook\u001b[38;5;241m.\u001b[39mpost_forward(module, output)\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/utils/generic.py:918\u001b[0m, in \u001b[0;36mcan_return_tuple..wrapper\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 916\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m return_dict_passed \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 917\u001b[0m return_dict \u001b[38;5;241m=\u001b[39m return_dict_passed\n\u001b[0;32m--> 918\u001b[0m output \u001b[38;5;241m=\u001b[39m \u001b[43mfunc\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 919\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m return_dict \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28misinstance\u001b[39m(output, \u001b[38;5;28mtuple\u001b[39m):\n\u001b[1;32m 920\u001b[0m output \u001b[38;5;241m=\u001b[39m output\u001b[38;5;241m.\u001b[39mto_tuple()\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/models/llama/modeling_llama.py:459\u001b[0m, in \u001b[0;36mLlamaForCausalLM.forward\u001b[0;34m(self, input_ids, attention_mask, position_ids, past_key_values, inputs_embeds, labels, use_cache, cache_position, logits_to_keep, **kwargs)\u001b[0m\n\u001b[1;32m 427\u001b[0m \u001b[38;5;129m@can_return_tuple\u001b[39m\n\u001b[1;32m 428\u001b[0m \u001b[38;5;129m@auto_docstring\u001b[39m\n\u001b[1;32m 429\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m\u001b[38;5;250m \u001b[39m\u001b[38;5;21mforward\u001b[39m(\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 440\u001b[0m \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs: Unpack[TransformersKwargs],\n\u001b[1;32m 441\u001b[0m ) \u001b[38;5;241m-\u001b[39m\u001b[38;5;241m>\u001b[39m CausalLMOutputWithPast:\n\u001b[1;32m 442\u001b[0m \u001b[38;5;250m \u001b[39m\u001b[38;5;124mr\u001b[39m\u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 443\u001b[0m \u001b[38;5;124;03m Example:\u001b[39;00m\n\u001b[1;32m 444\u001b[0m \n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 457\u001b[0m \u001b[38;5;124;03m \"Hey, are you conscious? Can you talk to me?\\nI'm not conscious, but I can talk to you.\"\u001b[39;00m\n\u001b[1;32m 458\u001b[0m \u001b[38;5;124;03m ```\"\"\"\u001b[39;00m\n\u001b[0;32m--> 459\u001b[0m outputs: BaseModelOutputWithPast \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mmodel\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 460\u001b[0m \u001b[43m \u001b[49m\u001b[43minput_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minput_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 461\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mattention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 462\u001b[0m \u001b[43m \u001b[49m\u001b[43mposition_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mposition_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 463\u001b[0m \u001b[43m \u001b[49m\u001b[43mpast_key_values\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mpast_key_values\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 464\u001b[0m \u001b[43m \u001b[49m\u001b[43minputs_embeds\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs_embeds\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 465\u001b[0m \u001b[43m \u001b[49m\u001b[43muse_cache\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43muse_cache\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 466\u001b[0m \u001b[43m \u001b[49m\u001b[43mcache_position\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mcache_position\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 467\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 468\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 470\u001b[0m hidden_states \u001b[38;5;241m=\u001b[39m outputs\u001b[38;5;241m.\u001b[39mlast_hidden_state\n\u001b[1;32m 471\u001b[0m \u001b[38;5;66;03m# Only compute necessary logits, and do not upcast them to float if we are not computing the loss\u001b[39;00m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1739\u001b[0m, in \u001b[0;36mModule._wrapped_call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1737\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_compiled_call_impl(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs) \u001b[38;5;66;03m# type: ignore[misc]\u001b[39;00m\n\u001b[1;32m 1738\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 1739\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_call_impl\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1750\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1745\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1746\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1747\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks\n\u001b[1;32m 1748\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1749\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1750\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1752\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 1753\u001b[0m called_always_called_hooks \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mset\u001b[39m()\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/utils/generic.py:1064\u001b[0m, in \u001b[0;36mcheck_model_inputs..wrapper\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1061\u001b[0m monkey_patched_layers\u001b[38;5;241m.\u001b[39mappend((module, original_forward))\n\u001b[1;32m 1063\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n\u001b[0;32m-> 1064\u001b[0m outputs \u001b[38;5;241m=\u001b[39m \u001b[43mfunc\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1065\u001b[0m \u001b[38;5;28;01mexcept\u001b[39;00m \u001b[38;5;167;01mTypeError\u001b[39;00m \u001b[38;5;28;01mas\u001b[39;00m original_exception:\n\u001b[1;32m 1066\u001b[0m \u001b[38;5;66;03m# If we get a TypeError, it's possible that the model is not receiving the recordable kwargs correctly.\u001b[39;00m\n\u001b[1;32m 1067\u001b[0m \u001b[38;5;66;03m# Get a TypeError even after removing the recordable kwargs -> re-raise the original exception\u001b[39;00m\n\u001b[1;32m 1068\u001b[0m \u001b[38;5;66;03m# Otherwise -> we're probably missing `**kwargs` in the decorated function\u001b[39;00m\n\u001b[1;32m 1069\u001b[0m kwargs_without_recordable \u001b[38;5;241m=\u001b[39m {k: v \u001b[38;5;28;01mfor\u001b[39;00m k, v \u001b[38;5;129;01min\u001b[39;00m kwargs\u001b[38;5;241m.\u001b[39mitems() \u001b[38;5;28;01mif\u001b[39;00m k \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;129;01min\u001b[39;00m recordable_keys}\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/models/llama/modeling_llama.py:395\u001b[0m, in \u001b[0;36mLlamaModel.forward\u001b[0;34m(self, input_ids, attention_mask, position_ids, past_key_values, inputs_embeds, cache_position, use_cache, **kwargs)\u001b[0m\n\u001b[1;32m 392\u001b[0m position_embeddings \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mrotary_emb(hidden_states, position_ids)\n\u001b[1;32m 394\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m decoder_layer \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mlayers[: \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mconfig\u001b[38;5;241m.\u001b[39mnum_hidden_layers]:\n\u001b[0;32m--> 395\u001b[0m hidden_states \u001b[38;5;241m=\u001b[39m \u001b[43mdecoder_layer\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 396\u001b[0m \u001b[43m \u001b[49m\u001b[43mhidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 397\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mcausal_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 398\u001b[0m \u001b[43m \u001b[49m\u001b[43mposition_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mposition_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 399\u001b[0m \u001b[43m \u001b[49m\u001b[43mpast_key_values\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mpast_key_values\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 400\u001b[0m \u001b[43m \u001b[49m\u001b[43mcache_position\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mcache_position\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 401\u001b[0m \u001b[43m \u001b[49m\u001b[43mposition_embeddings\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mposition_embeddings\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 402\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 403\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 405\u001b[0m hidden_states \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mnorm(hidden_states)\n\u001b[1;32m 406\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m BaseModelOutputWithPast(\n\u001b[1;32m 407\u001b[0m last_hidden_state\u001b[38;5;241m=\u001b[39mhidden_states,\n\u001b[1;32m 408\u001b[0m past_key_values\u001b[38;5;241m=\u001b[39mpast_key_values,\n\u001b[1;32m 409\u001b[0m )\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/modeling_layers.py:93\u001b[0m, in \u001b[0;36mGradientCheckpointingLayer.__call__\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 90\u001b[0m message \u001b[38;5;241m=\u001b[39m message\u001b[38;5;241m.\u001b[39mrstrip(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124m,\u001b[39m\u001b[38;5;124m\"\u001b[39m) \u001b[38;5;241m+\u001b[39m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124m.\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 91\u001b[0m logger\u001b[38;5;241m.\u001b[39mwarning_once(message)\n\u001b[0;32m---> 93\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_gradient_checkpointing_func\u001b[49m\u001b[43m(\u001b[49m\u001b[43mpartial\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43msuper\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[38;5;21;43m__call__\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 94\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28msuper\u001b[39m()\u001b[38;5;241m.\u001b[39m\u001b[38;5;21m__call__\u001b[39m(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs)\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/_compile.py:32\u001b[0m, in \u001b[0;36m_disable_dynamo..inner\u001b[0;34m(*args, **kwargs)\u001b[0m\n\u001b[1;32m 29\u001b[0m disable_fn \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39m_dynamo\u001b[38;5;241m.\u001b[39mdisable(fn, recursive)\n\u001b[1;32m 30\u001b[0m fn\u001b[38;5;241m.\u001b[39m__dynamo_disable \u001b[38;5;241m=\u001b[39m disable_fn\n\u001b[0;32m---> 32\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mdisable_fn\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/_dynamo/eval_frame.py:745\u001b[0m, in \u001b[0;36mDisableContext.__call__.._fn\u001b[0;34m(*args, **kwargs)\u001b[0m\n\u001b[1;32m 741\u001b[0m prior_skip_guard_eval_unsafe \u001b[38;5;241m=\u001b[39m set_skip_guard_eval_unsafe(\n\u001b[1;32m 742\u001b[0m _is_skip_guard_eval_unsafe_stance()\n\u001b[1;32m 743\u001b[0m )\n\u001b[1;32m 744\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n\u001b[0;32m--> 745\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mfn\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 746\u001b[0m \u001b[38;5;28;01mfinally\u001b[39;00m:\n\u001b[1;32m 747\u001b[0m _maybe_set_eval_frame(prior)\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/utils/checkpoint.py:489\u001b[0m, in \u001b[0;36mcheckpoint\u001b[0;34m(function, use_reentrant, context_fn, determinism_check, debug, *args, **kwargs)\u001b[0m\n\u001b[1;32m 484\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m context_fn \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m noop_context_fn \u001b[38;5;129;01mor\u001b[39;00m debug \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mFalse\u001b[39;00m:\n\u001b[1;32m 485\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mValueError\u001b[39;00m(\n\u001b[1;32m 486\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mPassing `context_fn` or `debug` is only supported when \u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 487\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124muse_reentrant=False.\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 488\u001b[0m )\n\u001b[0;32m--> 489\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mCheckpointFunction\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mapply\u001b[49m\u001b[43m(\u001b[49m\u001b[43mfunction\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mpreserve\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 490\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m 491\u001b[0m gen \u001b[38;5;241m=\u001b[39m _checkpoint_without_reentrant_generator(\n\u001b[1;32m 492\u001b[0m function, preserve, context_fn, determinism_check, debug, \u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs\n\u001b[1;32m 493\u001b[0m )\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/autograd/function.py:575\u001b[0m, in \u001b[0;36mFunction.apply\u001b[0;34m(cls, *args, **kwargs)\u001b[0m\n\u001b[1;32m 572\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m torch\u001b[38;5;241m.\u001b[39m_C\u001b[38;5;241m.\u001b[39m_are_functorch_transforms_active():\n\u001b[1;32m 573\u001b[0m \u001b[38;5;66;03m# See NOTE: [functorch vjp and autograd interaction]\u001b[39;00m\n\u001b[1;32m 574\u001b[0m args \u001b[38;5;241m=\u001b[39m _functorch\u001b[38;5;241m.\u001b[39mutils\u001b[38;5;241m.\u001b[39munwrap_dead_wrappers(args)\n\u001b[0;32m--> 575\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43msuper\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mapply\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m \u001b[38;5;66;03m# type: ignore[misc]\u001b[39;00m\n\u001b[1;32m 577\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m is_setup_ctx_defined:\n\u001b[1;32m 578\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mRuntimeError\u001b[39;00m(\n\u001b[1;32m 579\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mIn order to use an autograd.Function with functorch transforms \u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 580\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124m(vmap, grad, jvp, jacrev, ...), it must override the setup_context \u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 581\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mstaticmethod. For more details, please see \u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 582\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mhttps://pytorch.org/docs/main/notes/extending.func.html\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 583\u001b[0m )\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/utils/checkpoint.py:264\u001b[0m, in \u001b[0;36mCheckpointFunction.forward\u001b[0;34m(ctx, run_function, preserve_rng_state, *args)\u001b[0m\n\u001b[1;32m 261\u001b[0m ctx\u001b[38;5;241m.\u001b[39msave_for_backward(\u001b[38;5;241m*\u001b[39mtensor_inputs)\n\u001b[1;32m 263\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m torch\u001b[38;5;241m.\u001b[39mno_grad():\n\u001b[0;32m--> 264\u001b[0m outputs \u001b[38;5;241m=\u001b[39m \u001b[43mrun_function\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 265\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m outputs\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1739\u001b[0m, in \u001b[0;36mModule._wrapped_call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1737\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_compiled_call_impl(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs) \u001b[38;5;66;03m# type: ignore[misc]\u001b[39;00m\n\u001b[1;32m 1738\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 1739\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_call_impl\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1750\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1745\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1746\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1747\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks\n\u001b[1;32m 1748\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1749\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1750\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1752\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 1753\u001b[0m called_always_called_hooks \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mset\u001b[39m()\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/accelerate/hooks.py:175\u001b[0m, in \u001b[0;36madd_hook_to_module..new_forward\u001b[0;34m(module, *args, **kwargs)\u001b[0m\n\u001b[1;32m 173\u001b[0m output \u001b[38;5;241m=\u001b[39m module\u001b[38;5;241m.\u001b[39m_old_forward(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs)\n\u001b[1;32m 174\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m--> 175\u001b[0m output \u001b[38;5;241m=\u001b[39m \u001b[43mmodule\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_old_forward\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 176\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m module\u001b[38;5;241m.\u001b[39m_hf_hook\u001b[38;5;241m.\u001b[39mpost_forward(module, output)\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/utils/deprecation.py:172\u001b[0m, in \u001b[0;36mdeprecate_kwarg..wrapper..wrapped_func\u001b[0;34m(*args, **kwargs)\u001b[0m\n\u001b[1;32m 168\u001b[0m \u001b[38;5;28;01melif\u001b[39;00m minimum_action \u001b[38;5;129;01min\u001b[39;00m (Action\u001b[38;5;241m.\u001b[39mNOTIFY, Action\u001b[38;5;241m.\u001b[39mNOTIFY_ALWAYS) \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m is_torchdynamo_compiling():\n\u001b[1;32m 169\u001b[0m \u001b[38;5;66;03m# DeprecationWarning is ignored by default, so we use FutureWarning instead\u001b[39;00m\n\u001b[1;32m 170\u001b[0m warnings\u001b[38;5;241m.\u001b[39mwarn(message, \u001b[38;5;167;01mFutureWarning\u001b[39;00m, stacklevel\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m2\u001b[39m)\n\u001b[0;32m--> 172\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mfunc\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/models/llama/modeling_llama.py:294\u001b[0m, in \u001b[0;36mLlamaDecoderLayer.forward\u001b[0;34m(self, hidden_states, attention_mask, position_ids, past_key_values, use_cache, cache_position, position_embeddings, **kwargs)\u001b[0m\n\u001b[1;32m 292\u001b[0m hidden_states \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39minput_layernorm(hidden_states)\n\u001b[1;32m 293\u001b[0m \u001b[38;5;66;03m# Self Attention\u001b[39;00m\n\u001b[0;32m--> 294\u001b[0m hidden_states, _ \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mself_attn\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 295\u001b[0m \u001b[43m \u001b[49m\u001b[43mhidden_states\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mhidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 296\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mattention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 297\u001b[0m \u001b[43m \u001b[49m\u001b[43mposition_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mposition_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 298\u001b[0m \u001b[43m \u001b[49m\u001b[43mpast_key_values\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mpast_key_values\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 299\u001b[0m \u001b[43m \u001b[49m\u001b[43muse_cache\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43muse_cache\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 300\u001b[0m \u001b[43m \u001b[49m\u001b[43mcache_position\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mcache_position\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 301\u001b[0m \u001b[43m \u001b[49m\u001b[43mposition_embeddings\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mposition_embeddings\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 302\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 303\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 304\u001b[0m hidden_states \u001b[38;5;241m=\u001b[39m residual \u001b[38;5;241m+\u001b[39m hidden_states\n\u001b[1;32m 306\u001b[0m \u001b[38;5;66;03m# Fully Connected\u001b[39;00m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1739\u001b[0m, in \u001b[0;36mModule._wrapped_call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1737\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_compiled_call_impl(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs) \u001b[38;5;66;03m# type: ignore[misc]\u001b[39;00m\n\u001b[1;32m 1738\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 1739\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_call_impl\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1750\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1745\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1746\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1747\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks\n\u001b[1;32m 1748\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1749\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1750\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1752\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 1753\u001b[0m called_always_called_hooks \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mset\u001b[39m()\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/accelerate/hooks.py:175\u001b[0m, in \u001b[0;36madd_hook_to_module..new_forward\u001b[0;34m(module, *args, **kwargs)\u001b[0m\n\u001b[1;32m 173\u001b[0m output \u001b[38;5;241m=\u001b[39m module\u001b[38;5;241m.\u001b[39m_old_forward(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs)\n\u001b[1;32m 174\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m--> 175\u001b[0m output \u001b[38;5;241m=\u001b[39m \u001b[43mmodule\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_old_forward\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 176\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m module\u001b[38;5;241m.\u001b[39m_hf_hook\u001b[38;5;241m.\u001b[39mpost_forward(module, output)\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/utils/deprecation.py:172\u001b[0m, in \u001b[0;36mdeprecate_kwarg..wrapper..wrapped_func\u001b[0;34m(*args, **kwargs)\u001b[0m\n\u001b[1;32m 168\u001b[0m \u001b[38;5;28;01melif\u001b[39;00m minimum_action \u001b[38;5;129;01min\u001b[39;00m (Action\u001b[38;5;241m.\u001b[39mNOTIFY, Action\u001b[38;5;241m.\u001b[39mNOTIFY_ALWAYS) \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m is_torchdynamo_compiling():\n\u001b[1;32m 169\u001b[0m \u001b[38;5;66;03m# DeprecationWarning is ignored by default, so we use FutureWarning instead\u001b[39;00m\n\u001b[1;32m 170\u001b[0m warnings\u001b[38;5;241m.\u001b[39mwarn(message, \u001b[38;5;167;01mFutureWarning\u001b[39;00m, stacklevel\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m2\u001b[39m)\n\u001b[0;32m--> 172\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mfunc\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/transformers/models/llama/modeling_llama.py:236\u001b[0m, in \u001b[0;36mLlamaAttention.forward\u001b[0;34m(self, hidden_states, position_embeddings, attention_mask, past_key_values, cache_position, **kwargs)\u001b[0m\n\u001b[1;32m 233\u001b[0m input_shape \u001b[38;5;241m=\u001b[39m hidden_states\u001b[38;5;241m.\u001b[39mshape[:\u001b[38;5;241m-\u001b[39m\u001b[38;5;241m1\u001b[39m]\n\u001b[1;32m 234\u001b[0m hidden_shape \u001b[38;5;241m=\u001b[39m (\u001b[38;5;241m*\u001b[39minput_shape, \u001b[38;5;241m-\u001b[39m\u001b[38;5;241m1\u001b[39m, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mhead_dim)\n\u001b[0;32m--> 236\u001b[0m query_states \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mq_proj\u001b[49m\u001b[43m(\u001b[49m\u001b[43mhidden_states\u001b[49m\u001b[43m)\u001b[49m\u001b[38;5;241m.\u001b[39mview(hidden_shape)\u001b[38;5;241m.\u001b[39mtranspose(\u001b[38;5;241m1\u001b[39m, \u001b[38;5;241m2\u001b[39m)\n\u001b[1;32m 237\u001b[0m key_states \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mk_proj(hidden_states)\u001b[38;5;241m.\u001b[39mview(hidden_shape)\u001b[38;5;241m.\u001b[39mtranspose(\u001b[38;5;241m1\u001b[39m, \u001b[38;5;241m2\u001b[39m)\n\u001b[1;32m 238\u001b[0m value_states \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mv_proj(hidden_states)\u001b[38;5;241m.\u001b[39mview(hidden_shape)\u001b[38;5;241m.\u001b[39mtranspose(\u001b[38;5;241m1\u001b[39m, \u001b[38;5;241m2\u001b[39m)\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1739\u001b[0m, in \u001b[0;36mModule._wrapped_call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1737\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_compiled_call_impl(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs) \u001b[38;5;66;03m# type: ignore[misc]\u001b[39;00m\n\u001b[1;32m 1738\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 1739\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_call_impl\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/torch/nn/modules/module.py:1750\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1745\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1746\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1747\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks\n\u001b[1;32m 1748\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1749\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1750\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1752\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 1753\u001b[0m called_always_called_hooks \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mset\u001b[39m()\n", + "File \u001b[0;32m~/venvs/bert_hw/lib/python3.10/site-packages/peft/tuners/lora/bnb.py:505\u001b[0m, in \u001b[0;36mLinear4bit.forward\u001b[0;34m(self, x, *args, **kwargs)\u001b[0m\n\u001b[1;32m 503\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m requires_conversion:\n\u001b[1;32m 504\u001b[0m output \u001b[38;5;241m=\u001b[39m output\u001b[38;5;241m.\u001b[39mto(expected_dtype)\n\u001b[0;32m--> 505\u001b[0m result \u001b[38;5;241m=\u001b[39m result \u001b[38;5;241m+\u001b[39m output\n\u001b[1;32m 506\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m 507\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mlora_variant[active_adapter]\u001b[38;5;241m.\u001b[39mforward(\n\u001b[1;32m 508\u001b[0m \u001b[38;5;28mself\u001b[39m,\n\u001b[1;32m 509\u001b[0m active_adapter\u001b[38;5;241m=\u001b[39mactive_adapter,\n\u001b[1;32m 510\u001b[0m x\u001b[38;5;241m=\u001b[39mx,\n\u001b[1;32m 511\u001b[0m result\u001b[38;5;241m=\u001b[39mresult,\n\u001b[1;32m 512\u001b[0m )\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + ] + } + ], + "source": [ + "from transformers import Trainer, TrainingArguments, DataCollatorForLanguageModeling\n", + "\n", + "collator = DataCollatorForLanguageModeling(tokenizer=tokenizer, mlm=False, pad_to_multiple_of=8)\n", + "\n", + "args = TrainingArguments(\n", + " output_dir=OUTPUT_DIR,\n", + " num_train_epochs=EPOCHS,\n", + " per_device_train_batch_size=PER_DEVICE_BATCH,\n", + " gradient_accumulation_steps=GRAD_ACCUM,\n", + " learning_rate=LEARNING_RATE,\n", + " logging_steps=10,\n", + " save_steps=500,\n", + " save_total_limit=2,\n", + " bf16=BF16_OK,\n", + " fp16=(USE_CUDA and not BF16_OK),\n", + " tf32=True,\n", + " gradient_checkpointing=True,\n", + " remove_unused_columns=False,\n", + " dataloader_num_workers=2,\n", + " optim=\"paged_adamw_8bit\" if USE_QLORA else \"adamw_torch\",\n", + " lr_scheduler_type=\"cosine\",\n", + " warmup_ratio=0.03,\n", + " weight_decay=0.0,\n", + " save_safetensors=True,\n", + " report_to=\"none\",\n", + ")\n", + "\n", + "trainer = Trainer(\n", + " model=model,\n", + " args=args,\n", + " train_dataset=lm_ds,\n", + " data_collator=collator,\n", + ")\n", + "\n", + "# Free any stale allocations before training\n", + "import gc, torch; gc.collect()\n", + "if torch.cuda.is_available():\n", + " torch.cuda.empty_cache()\n", + "\n", + "trainer.train()\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Save adapter + tokenizer, then run a quick inference via HF Inference API\n", + "from peft import PeftModel\n", + "\n", + "# Save\n", + "trainer.model.save_pretrained(OUTPUT_DIR)\n", + "tokenizer.save_pretrained(OUTPUT_DIR)\n", + "print(f\"Saved PEFT adapter and tokenizer to {OUTPUT_DIR}\")\n", + "\n", + "# Hosted inference via Hugging Face Inference API (no GPU weights needed here)\n", + "print(\"Running inference via Hugging Face Inference API...\")\n", + "from huggingface_hub import InferenceClient\n", + "\n", + "hf_token = os.environ.get(\"HF_TOKEN\") or os.environ.get(\"HUGGINGFACE_HUB_TOKEN\")\n", + "client = InferenceClient(\"meta-llama/Llama-3.1-8B-Instruct\", token=hf_token)\n", + "\n", + "resp = client.text_generation(\n", + " \"Write a haiku about GPUs\",\n", + " max_new_tokens=128,\n", + " temperature=0.7,\n", + ")\n", + "print(resp)\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "bert_hw", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.12" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/Finllama/DAPT_Llama31_Transcripts.py b/Finllama/DAPT_Llama31_Transcripts.py new file mode 100644 index 0000000000..771e93d2e1 --- /dev/null +++ b/Finllama/DAPT_Llama31_Transcripts.py @@ -0,0 +1,304 @@ +""" +DAPT (Domain-Adaptive Pretraining) for Llama 3.1 on Earnings Call Transcripts + +This script mirrors the notebook logic from `DAPT_Llama31_Transcripts.ipynb`. +It performs continued pretraining (causal LM objective) of Llama 3.1 using a +local Parquet file containing earnings call transcripts. + +What you'll get: +- Environment-adaptive setup (CUDA, MPS, CPU) with automatic LoRA/QLoRA selection +- Robust dataset loading from Parquet and text-column auto-detection +- Efficient token packing into fixed-length sequences +- PEFT LoRA (and QLoRA on CUDA) training pipeline with Transformers Trainer +- Save adapters and quick inference sanity check + +Notes: +- Accept the Llama 3.1 license on Hugging Face and authenticate before training. +- On macOS (MPS), QLoRA is disabled (no bitsandbytes). We use standard LoRA with float16/float32. +- For best performance, use a CUDA GPU and enable QLoRA. +""" + +# Install required libraries (run manually if needed): +# pip install -U transformers datasets accelerate peft sentencepiece protobuf +# For CUDA QLoRA only (Linux/NVIDIA): +# pip install bitsandbytes + +# Minimize on-disk writes (avoid "No space left on device") +import os +import tempfile +import datasets +import transformers + +# Use a small temp dir for caches or disable dataset cache writes +TMP_DIR = tempfile.mkdtemp(prefix="hf_tmp_") +os.environ["HF_HOME"] = TMP_DIR +os.environ["HF_DATASETS_CACHE"] = os.path.join(TMP_DIR, "datasets_cache") +os.environ["HF_HUB_DISABLE_TELEMETRY"] = "1" + +os.environ["HF_TOKEN"] = "hf_token" +os.environ["HUGGINGFACE_HUB_TOKEN"] = os.environ["HF_TOKEN"] + +# Keep map results in memory to avoid materializing to disk +datasets.disable_caching() +print({ + "HF_HOME": os.environ.get("HF_HOME"), + "HF_DATASETS_CACHE": os.environ.get("HF_DATASETS_CACHE"), + "caching_disabled": True, +}) + +# If needed, install dependencies (do manually if missing): +# pip install -U transformers datasets accelerate peft +# For CUDA QLoRA only (Linux/NVIDIA): +# pip install bitsandbytes + +import platform +import torch + +# Detect environment +USE_CUDA = torch.cuda.is_available() +USE_MPS = (not USE_CUDA) and torch.backends.mps.is_available() +BF16_OK = USE_CUDA and torch.cuda.is_bf16_supported() +USE_QLORA = USE_CUDA # QLoRA requires CUDA + bitsandbytes; set False on macOS/CPU +# Disable QLoRA automatically if bitsandbytes is not installed +try: + import importlib.metadata as _ilmd + _ = _ilmd.version("bitsandbytes") +except Exception: + if USE_QLORA: + print("bitsandbytes not found; disabling QLoRA (falling back to standard LoRA)") + USE_QLORA = False + +DEVICE = ( + torch.device("cuda") if USE_CUDA else (torch.device("mps") if USE_MPS else torch.device("cpu")) +) + +print({ + "cuda": USE_CUDA, + "mps": USE_MPS, + "bf16_ok": BF16_OK, + "use_qlora": USE_QLORA, + "device": str(DEVICE), + "python": platform.python_version(), +}) + +from datasets import load_datasets +from typing import Optional +import pandas as pds + +# Paths and config +# Update this to the actual Parquet path on your system +PARQUET_PATH = "stock_earning_call_transcripts.parquet" +TEXT_COLUMN: Optional[str] = None # override to force a column, else auto + +raw_ds = load_dataset("parquet", data_files={"train": PARQUET_PATH})["train"] +print("Columns:", raw_ds.column_names) +print(raw_ds[0]) + +# If schema has nested `transcripts` (array of structs with speaker/content), +# flatten into a single text field for DAPT. +if "transcripts" in raw_ds.column_names: + def flatten_segments(example): + segments = example.get("transcripts") or [] + lines = [] + for seg in segments: + if not seg: + continue + + speaker = seg.get("speaker") + content = seg.get("content") + if content is None: + continue + if speaker and len(str(speaker)) > 0: + lines.append(f"{speaker}: {content}") + else: + lines.append(str(content)) + example["__flattened_text"] = "\n".join(lines) + return example + + raw_ds = raw_ds.map(flatten_segments) + # Prefer flattened text unless user overrides + if TEXT_COLUMN is None: + TEXT_COLUMN = "__flattened_text" + +# Auto-detect a reasonable text column if still unknown +if TEXT_COLUMN is None: + preferred = [ + "__flattened_text", + "text", + "transcript", + "content", + "body", + "cleaned_text", + "utterance", + "raw_text", + ] + for p in preferred: + exact = [c for c in raw_ds.column_names if c.lower() == p] + if len(exact) > 0: + TEXT_COLUMN = exact[0] + break + +if TEXT_COLUMN is None: + # fallback to first string-like column + for name, feature in raw_ds.features.items(): + if getattr(feature, "dtype", "") in ("string", "large_string"): + TEXT_COLUMN = name + break + +if TEXT_COLUMN is None: + TEXT_COLUMN = raw_ds.column_names[0] + +print("Using text column:", TEXT_COLUMN) + +# Filter empty +ds = raw_ds.filter(lambda x: x.get(TEXT_COLUMN) is not None and len(str(x[TEXT_COLUMN])) > 0) +print(ds) +print("Example text:", str(ds[0][TEXT_COLUMN])[:400]) + +from transformers import AutoTokenizer + +MODEL_ID = "meta-llama/Llama-3.1-8B" +BLOCK_SIZE = 1024 # use 512–1024 for QLoRA on 10–12 GB GPUs + +# Load tokenizer +print("Loading tokenizer...") +tokenizer = AutoTokenizer.from_pretrained(MODEL_ID, use_fast=True) +if tokenizer.pad_token is None: + tokenizer.pad_token = tokenizer.eos_token +# Avoid long-sequence warnings during tokenization; packing enforces BLOCK_SIZE later +try: + tokenizer.model_max_length = 1_000_000_000 +except Exception: + pass + +def tokenize_examples(batch): + return tokenizer(batch[TEXT_COLUMN], add_special_tokens=False, truncation=False) + +print("Tokenizing dataset (this may take a while)...") +tok_ds = ds.map( + tokenize_examples, + batched=True, + remove_columns=[c for c in ds.column_names if c != TEXT_COLUMN], +) + +# Pack tokens into fixed blocks +def group_texts(examples): + concatenated = [] + for ids in examples["input_ids"]: + concatenated.extend(ids + [tokenizer.eos_token_id]) + total_length = (len(concatenated) // BLOCK_SIZE) * BLOCK_SIZE + if total_length == 0: + return {"input_ids": [], "labels": []} + input_ids = [ + concatenated[i : i + BLOCK_SIZE] for i in range(0, total_length, BLOCK_SIZE) + ] + return {"input_ids": input_ids, "labels": [x.copy() for x in input_ids]} + +lm_ds = tok_ds.map(group_texts, batched=True, remove_columns=tok_ds.column_names) +print(lm_ds) + +from transformers import AutoModelForCausalLM, BitsAndBytesConfig +from peft import LoraConfig, get_peft_model, prepare_model_for_kbit_training + +OUTPUT_DIR = "llama31_dapt_transcripts_lora" +LEARNING_RATE = 2e-4 +EPOCHS = 1 +PER_DEVICE_BATCH = 1 +GRAD_ACCUM = 32 + +bnb_config = None +if USE_QLORA: + bnb_config = BitsAndBytesConfig( + load_in_4bit=True, + bnb_4bit_quant_type="nf4", + bnb_4bit_compute_dtype=torch.bfloat16 if BF16_OK else torch.float16, + bnb_4bit_use_double_quant=True, + ) + +print("Loading base model...") +model = AutoModelForCausalLM.from_pretrained( + MODEL_ID, + device_map="auto", + torch_dtype=torch.bfloat16 + if BF16_OK + else (torch.float16 if USE_CUDA else torch.float32), + quantization_config=bnb_config if USE_QLORA else None, +) + +if USE_QLORA: + model = prepare_model_for_kbit_training(model) + +lora_cfg = LoraConfig( + task_type="CAUSAL_LM", + r=16, + lora_alpha=32, + lora_dropout=0.05, + target_modules=[ + "q_proj", + "k_proj", + "v_proj", + "o_proj", + "gate_proj", + "up_proj", + "down_proj", + ], +) +model = get_peft_model(model, lora_cfg) + +print(model) + +from transformers import Trainer, TrainingArguments, DataCollatorForLanguageModeling + +collator = DataCollatorForLanguageModeling(tokenizer=tokenizer, mlm=False) + +args = TrainingArguments( + output_dir=OUTPUT_DIR, + num_train_epochs=EPOCHS, + per_device_train_batch_size=PER_DEVICE_BATCH, + gradient_accumulation_steps=GRAD_ACCUM, + learning_rate=LEARNING_RATE, + logging_steps=10, + save_steps=200, + save_total_limit=2, + save_strategy="steps", + bf16=BF16_OK, + fp16=(USE_CUDA and not BF16_OK), + optim="paged_adamw_8bit" if USE_QLORA else "adamw_torch", + lr_scheduler_type="cosine", + warmup_ratio=0.03, + weight_decay=0.0, + report_to="none", +) + +trainer = Trainer( + model=model, + args=args, + train_dataset=lm_ds, + data_collator=collator, +) + +trainer.train(resume_from_checkpoint=True) + +# Save adapter + tokenizer, and run a tiny inference sanity check +from peft import PeftModel + +# Save +trainer.model.save_pretrained(OUTPUT_DIR) +tokenizer.save_pretrained(OUTPUT_DIR) +print(f"Saved PEFT adapter and tokenizer to {OUTPUT_DIR}") + +# Hosted inference via Hugging Face Inference API +print("Running inference via Hugging Face Inference API...") +from huggingface_hub import InferenceClient + +hf_token = os.environ.get("HF_TOKEN") or os.environ.get("HUGGINGFACE_HUB_TOKEN") +client = InferenceClient("meta-llama/Llama-3.1-8B-Instruct", token=hf_token) + +resp = client.text_generation( + "Write a haiku about GPUs", + max_new_tokens=128, + temperature=0.7, +) +print(resp) + + diff --git a/Finllama/DAPT_evaluate.py b/Finllama/DAPT_evaluate.py new file mode 100644 index 0000000000..ffef4e53ea --- /dev/null +++ b/Finllama/DAPT_evaluate.py @@ -0,0 +1,497 @@ +#!/usr/bin/env python3 +""" +DAPT Model Evaluation Script + +Evaluates a Domain-Adaptive Pretrained (DAPT) Llama 3.1 model against the baseline +Llama 3.1 model on stock earnings call transcripts dataset. + +Computes perplexity scores to measure model performance on domain-specific data. +""" + +import os +import sys +import time +import argparse +from typing import List, Optional + +import numpy as np +import torch +from datasets import load_dataset +from peft import PeftModel +from tqdm import tqdm +from transformers import ( + AutoTokenizer, + AutoModelForCausalLM, + BitsAndBytesConfig, +) + + +class DAPTEvaluator: + """Evaluator for DAPT model vs baseline perplexity comparison""" + + def __init__( + self, + model_id: str = "meta-llama/Llama-3.1-8B", + dapt_model_path: str = "/u/v/d/vdhanuka/llama3_8b_dapt_transcripts_lora", + dataset_path: str = "/u/v/d/vdhanuka/defeatbeta-api-main/stock_earning_call_transcripts.parquet", + sample_size: Optional[int] = None, + sample_percentage: Optional[float] = None, + max_length: int = 1024, + use_qlora: bool = True, + device: Optional[str] = None, + ): + """ + Initialize the evaluator. + + Args: + model_id: HuggingFace model ID for base model + dapt_model_path: Path to trained DAPT LoRA adapters + dataset_path: Path to evaluation dataset + sample_size: Number of samples to evaluate (mutually exclusive with sample_percentage) + sample_percentage: Percentage of dataset to evaluate (0.0-1.0, mutually exclusive with sample_size) + max_length: Maximum sequence length for evaluation + use_qlora: Whether to use QLoRA quantization + device: Device to use (auto-detected if None) + """ + self.model_id = model_id + self.dapt_model_path = dapt_model_path + self.dataset_path = dataset_path + self.sample_size = sample_size + self.sample_percentage = sample_percentage + self.max_length = max_length + self.use_qlora = use_qlora + + # Auto-detect device + if device is None: + self.device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + else: + self.device = torch.device(device) + + # Hugging Face token from environment + self.hf_token = ( + os.getenv("HUGGING_FACE_HUB_TOKEN") + or os.getenv("HF_TOKEN") + or os.getenv("HUGGINGFACEHUB_API_TOKEN") + ) + + # Initialize models and tokenizer + self.tokenizer = None + self.baseline_model = None + self.dapt_model = None + self.eval_texts: Optional[List[str]] = None + + print("🚀 Initializing DAPT Evaluator") + print(f" Model: {model_id}") + print(f" DAPT Path: {dapt_model_path}") + print(f" Dataset: {dataset_path}") + print(f" Device: {self.device}") + if self.hf_token: + print(f" HF token: detected in environment") + else: + print(f" HF token: not found (anonymous access)") + if sample_percentage is not None: + print(f" Sample Percentage: {sample_percentage*100:.1f}%") + else: + print(f" Sample Size: {sample_size}") + print(f" Use QLoRA: {use_qlora}") + + def setup_tokenizer(self): + """Load and configure tokenizer""" + print("\n🔧 Loading tokenizer...") + self.tokenizer = AutoTokenizer.from_pretrained( + self.model_id, + use_fast=True, + token=self.hf_token, + ) + if self.tokenizer.pad_token is None: + self.tokenizer.pad_token = self.tokenizer.eos_token + print(f" Vocab size: {self.tokenizer.vocab_size}") + return self.tokenizer + + def load_dataset(self): + """Load and preprocess evaluation dataset""" + print("\n📊 Loading evaluation dataset...") + try: + ds = load_dataset("parquet", data_files={"eval": self.dataset_path})["eval"] + print(f" Dataset loaded: {len(ds)} examples") + print(f" Columns: {ds.column_names}") + + # Flatten transcripts if needed (same logic as training) + if "transcripts" in ds.column_names: + print(" Flattening transcript data...") + + def flatten_segments(example): + segments = example.get("transcripts") or [] + lines = [] + for seg in segments: + if not seg: + continue + speaker = seg.get("speaker") + content = seg.get("content") + if content is None: + continue + if speaker and len(str(speaker)) > 0: + lines.append(f"{speaker}: {content}") + else: + lines.append(str(content)) + example["text"] = "\n".join(lines) + return example + + ds = ds.map(flatten_segments, desc="Flattening transcripts") + text_column = "text" + else: + # Auto-detect text column + preferred = ["text", "transcript", "content", "body", "cleaned_text"] + text_column = None + for p in preferred: + if p in ds.column_names: + text_column = p + break + if text_column is None: + text_column = ds.column_names[0] + + print(f" Using text column: {text_column}") + + # Determine sample size + total_samples = len(ds) + if self.sample_percentage is not None: + # Use percentage of dataset + sample_size = int(total_samples * self.sample_percentage) + sample_size = max(1, sample_size) + print(f" Using {self.sample_percentage*100:.1f}% of dataset = {sample_size} samples") + else: + # Use fixed sample size + sample_size = min(self.sample_size, total_samples) + if sample_size is None: + sample_size = min(1000, total_samples) + if sample_size < 1: + sample_size = 1 + + # Get random sample for more representative evaluation + indices = np.random.choice(total_samples, sample_size, replace=False) + sample_ds = ds.select(indices) + + # Filter out empty or very short texts + def is_valid_text(example): + text = example.get(text_column, "") + return text is not None and len(str(text).strip()) > 50 + + sample_ds = sample_ds.filter(is_valid_text) + self.eval_texts = [ex[text_column] for ex in sample_ds] + + print(f" Sampled {len(self.eval_texts)} valid texts for evaluation") + avg_chars = float(np.mean([len(t) for t in self.eval_texts])) if len(self.eval_texts) > 0 else 0.0 + print(f" Average text length: {avg_chars:.0f} characters") + + return self.eval_texts + + except Exception as e: + print(f"❌ Error loading dataset: {e}") + raise + + def setup_quantization(self): + """Setup quantization configuration""" + if not self.use_qlora or not torch.cuda.is_available(): + return None + + try: + bnb_config = BitsAndBytesConfig( + load_in_4bit=True, + bnb_4bit_quant_type="nf4", + bnb_4bit_compute_dtype=torch.bfloat16 if torch.cuda.is_bf16_supported() else torch.float16, + bnb_4bit_use_double_quant=True, + ) + print(" Using 4-bit quantization (QLoRA)") + return bnb_config + except Exception: + print(" BitsAndBytes not available, using standard precision") + return None + + def load_baseline_model(self): + """Load the baseline Llama 3.1 model""" + print("\n🏗️ Loading baseline model...") + bnb_config = self.setup_quantization() + + torch_dtype = ( + torch.bfloat16 + if torch.cuda.is_available() and torch.cuda.is_bf16_supported() + else torch.float16 if torch.cuda.is_available() else torch.float32 + ) + + self.baseline_model = AutoModelForCausalLM.from_pretrained( + self.model_id, + device_map="auto" if torch.cuda.is_available() else None, + torch_dtype=torch_dtype, + quantization_config=bnb_config, + low_cpu_mem_usage=True, + token=self.hf_token, + ) + self.baseline_model.eval() + print(" Baseline model loaded successfully") + return self.baseline_model + + def load_dapt_model(self): + """Load the DAPT model with LoRA adapters""" + print("\n🎯 Loading DAPT model...") + if not os.path.exists(self.dapt_model_path): + print(f"❌ DAPT model path not found: {self.dapt_model_path}") + return None + + try: + bnb_config = self.setup_quantization() + torch_dtype = ( + torch.bfloat16 + if torch.cuda.is_available() and torch.cuda.is_bf16_supported() + else torch.float16 if torch.cuda.is_available() else torch.float32 + ) + + # Load base model + dapt_base_model = AutoModelForCausalLM.from_pretrained( + self.model_id, + device_map="auto" if torch.cuda.is_available() else None, + torch_dtype=torch_dtype, + quantization_config=bnb_config, + low_cpu_mem_usage=True, + token=self.hf_token, + ) + + # Load LoRA adapters + self.dapt_model = PeftModel.from_pretrained(dapt_base_model, self.dapt_model_path) + self.dapt_model.eval() + print(" DAPT model loaded successfully") + return self.dapt_model + + except Exception as e: + print(f"❌ Error loading DAPT model: {e}") + return None + + def compute_perplexity(self, model, texts: List[str]) -> float: + """ + Compute perplexity for a model on given texts. + + Args: + model: The language model to evaluate + texts: List of text strings + + Returns: + Perplexity score + """ + model.eval() + total_loss = 0.0 + total_tokens = 0 + + with torch.no_grad(): + for text in tqdm(texts, desc="Computing perplexity", unit="text"): + # Tokenize + encodings = self.tokenizer( + text, + return_tensors="pt", + truncation=True, + max_length=self.max_length, + padding=False, + ) + + input_ids = encodings.input_ids.to(self.device) + + if len(input_ids[0]) <= 1: + continue + + # Create labels (same as input_ids for causal LM) + labels = input_ids.clone() + + # Forward pass + outputs = model(input_ids=input_ids, labels=labels) + loss = outputs.loss + + # Accumulate loss weighted by sequence length + seq_len = len(input_ids[0]) + total_loss += loss.item() * seq_len + total_tokens += seq_len + + if total_tokens == 0: + return float("inf") + + # Compute average loss and perplexity + avg_loss = total_loss / total_tokens + perplexity = float(np.exp(avg_loss)) + + return perplexity + + def evaluate_models(self): + """Evaluate both baseline and DAPT models""" + if self.eval_texts is None: + raise ValueError("Evaluation texts not loaded. Call load_dataset() first.") + + results = {} + + # Evaluate baseline model + if self.baseline_model is None: + self.load_baseline_model() + + print("\n📈 Evaluating BASELINE model...") + start_time = time.time() + baseline_ppl = self.compute_perplexity(self.baseline_model, self.eval_texts) + baseline_time = time.time() - start_time + results["baseline"] = { + "perplexity": baseline_ppl, + "eval_time": baseline_time, + } + print(f" Perplexity: {baseline_ppl:.4f}") + print(f" Evaluation time: {baseline_time:.2f} seconds") + + # Evaluate DAPT model + if self.dapt_model is None: + self.dapt_model = self.load_dapt_model() + + if self.dapt_model is not None: + print("\n📈 Evaluating DAPT model...") + start_time = time.time() + dapt_ppl = self.compute_perplexity(self.dapt_model, self.eval_texts) + dapt_time = time.time() - start_time + results["dapt"] = { + "perplexity": dapt_ppl, + "eval_time": dapt_time, + } + print(f" Perplexity: {dapt_ppl:.4f}") + print(f" Evaluation time: {dapt_time:.2f} seconds") + else: + print("\n⚠️ DAPT model not available for evaluation") + results["dapt"] = None + + return results + + def print_results(self, results): + """Print formatted evaluation results""" + print("\n" + "=" * 70) + print("🎯 EVALUATION RESULTS") + print("=" * 70) + + print(f"Dataset: {self.dataset_path}") + print(f"Samples evaluated: {len(self.eval_texts)}") + print(f"Max sequence length: {self.max_length}") + print() + + if "baseline" in results and results["baseline"]: + baseline_ppl = results["baseline"]["perplexity"] + baseline_time = results["baseline"]["eval_time"] + print("BASELINE LLAMA 3.1:") + print(f" Perplexity: {baseline_ppl:.4f}") + print(f" Evaluation time: {baseline_time:.2f} seconds") + if "dapt" in results and results["dapt"]: + dapt_ppl = results["dapt"]["perplexity"] + dapt_time = results["dapt"]["eval_time"] + print("\nDAPT MODEL:") + print(f" Perplexity: {dapt_ppl:.4f}") + print(f" Evaluation time: {dapt_time:.2f} seconds") + # Comparison + if "baseline" in results and results["baseline"]: + baseline_ppl = results["baseline"]["perplexity"] + improvement = ((baseline_ppl - dapt_ppl) / baseline_ppl) * 100.0 + print("\nCOMPARISON:") + print(f" Baseline PPL: {baseline_ppl:.4f}") + print(f" DAPT PPL: {dapt_ppl:.4f}") + print(f" Improvement: {improvement:.2f}%") + if dapt_ppl < baseline_ppl: + print("✅ SUCCESS: DAPT model outperforms baseline!") + print(" The domain-adaptive pretraining improved performance on earnings call data.") + else: + print("⚠️ NOTE: DAPT model does not outperform baseline") + print(" Consider adjusting training parameters or dataset.") + else: + print("\n❌ DAPT model evaluation failed or not available") + + print("\n" + "-" * 70) + print("📝 INTERPRETATION") + print("-" * 70) + print("Perplexity measures how well the model predicts the next token in sequences.") + print("Lower perplexity = better predictive performance on the domain.") + print("Typical perplexity ranges: 10-100+ (lower is better)") + print() + print("Earnings call transcripts contain specialized financial language,") + print("so domain adaptation should ideally reduce perplexity compared to baseline.") + + def run_evaluation(self): + """Run the complete evaluation pipeline""" + try: + # Setup + self.setup_tokenizer() + self.load_dataset() + self.load_baseline_model() + self.load_dapt_model() + + # Evaluate + results = self.evaluate_models() + + # Display results + self.print_results(results) + + return results + + except Exception as e: + print(f"❌ Evaluation failed: {e}") + import traceback + traceback.print_exc() + return None + + +def main(): + """Main function with command line argument parsing""" + parser = argparse.ArgumentParser(description="Evaluate DAPT model vs baseline perplexity") + parser.add_argument("--model-id", default="meta-llama/Llama-3.1-8B", help="Base model ID") + parser.add_argument( + "--dapt-path", + default="/u/v/d/vdhanuka/llama3_8b_dapt_transcripts_lora", + help="Path to DAPT LoRA adapters", + ) + parser.add_argument( + "--dataset", + default="/u/v/d/vdhanuka/defeatbeta-api-main/stock_earning_call_transcripts.parquet", + help="Path to evaluation dataset", + ) + parser.add_argument( + "--sample-size", + type=int, + default=None, + help="Number of samples to evaluate (mutually exclusive with --sample-percentage)", + ) + parser.add_argument( + "--sample-percentage", + type=float, + default=None, + help="Percentage of dataset to evaluate (0.0-1.0, mutually exclusive with --sample-size)", + ) + parser.add_argument("--max-length", type=int, default=1024, help="Maximum sequence length") + parser.add_argument("--no-qlora", action="store_true", help="Disable QLoRA quantization") + parser.add_argument("--device", default=None, help="Device to use (cuda/cpu)") + + args = parser.parse_args() + + # Validate mutually exclusive arguments + if args.sample_size is not None and args.sample_percentage is not None: + parser.error("--sample-size and --sample-percentage are mutually exclusive") + if args.sample_size is None and args.sample_percentage is None: + args.sample_size = 1000 # Default to 500 samples + + # Create evaluator + evaluator = DAPTEvaluator( + model_id=args.model_id, + dapt_model_path=args.dapt_path, + dataset_path=args.dataset, + sample_size=args.sample_size, + sample_percentage=args.sample_percentage, + max_length=args.max_length, + use_qlora=not args.no_qlora, + device=args.device, + ) + + # Run evaluation + results = evaluator.run_evaluation() + return results + + +if __name__ == "__main__": + # Set random seed for reproducible sampling + np.random.seed(42) + torch.manual_seed(42) + + main() diff --git a/Finllama/Use_Local_Transcripts.ipynb b/Finllama/Use_Local_Transcripts.ipynb new file mode 100644 index 0000000000..40e7b2a065 --- /dev/null +++ b/Finllama/Use_Local_Transcripts.ipynb @@ -0,0 +1,653 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Use Local Earnings Call Transcripts\n", + "\n", + "This notebook shows how to read a local Parquet file of earnings call transcripts and use the existing library APIs to:\n", + "- Build a `Transcripts` object directly from the local file\n", + "- Alternatively, use `Ticker` while pointing the SQL at the local file\n" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Interpreter: /opt/anaconda3/envs/myenv/bin/python\n", + "\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\n", + "torch 2.5.1 requires sympy==1.13.1, but you have sympy 1.14.0 which is incompatible.\u001b[0m\u001b[31m\n", + "\u001b[0m\n", + "\u001b[1m[\u001b[0m\u001b[34;49mnotice\u001b[0m\u001b[1;39;49m]\u001b[0m\u001b[39;49m A new release of pip is available: \u001b[0m\u001b[31;49m25.2\u001b[0m\u001b[39;49m -> \u001b[0m\u001b[32;49m25.3\u001b[0m\n", + "\u001b[1m[\u001b[0m\u001b[34;49mnotice\u001b[0m\u001b[1;39;49m]\u001b[0m\u001b[39;49m To update, run: \u001b[0m\u001b[32;49mpip install --upgrade pip\u001b[0m\n", + "Note: you may need to restart the kernel to use updated packages.\n", + "\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\n", + "pydantic 2.12.3 requires typing-extensions>=4.14.1, but you have typing-extensions 4.12.2 which is incompatible.\n", + "pydantic-core 2.41.4 requires typing-extensions>=4.14.1, but you have typing-extensions 4.12.2 which is incompatible.\n", + "torch 2.5.1 requires sympy==1.13.1, but you have sympy 1.14.0 which is incompatible.\u001b[0m\u001b[31m\n", + "\u001b[0m\n", + "\u001b[1m[\u001b[0m\u001b[34;49mnotice\u001b[0m\u001b[1;39;49m]\u001b[0m\u001b[39;49m A new release of pip is available: \u001b[0m\u001b[31;49m25.2\u001b[0m\u001b[39;49m -> \u001b[0m\u001b[32;49m25.3\u001b[0m\n", + "\u001b[1m[\u001b[0m\u001b[34;49mnotice\u001b[0m\u001b[1;39;49m]\u001b[0m\u001b[39;49m To update, run: \u001b[0m\u001b[32;49mpip install --upgrade pip\u001b[0m\n", + "Note: you may need to restart the kernel to use updated packages.\n", + "typing_extensions: unknown\n", + "openai import still failing: cannot import name 'Sentinel' from 'typing_extensions' (/opt/anaconda3/envs/myenv/lib/python3.10/site-packages/typing_extensions.py)\n" + ] + } + ], + "source": [ + "# Setup: install deps and fix typing_extensions for OpenAI\n", + "import sys\n", + "print(\"Interpreter:\", sys.executable)\n", + "\n", + "# Install project requirements\n", + "%pip install -r \"/Users/devishadhanuka/Documents/Adv NLP/defeatbeta-api-main/requirements.txt\" -q\n", + "\n", + "# Ensure typing_extensions is recent enough for OpenAI\n", + "%pip install -U typing_extensions==4.12.2 -q\n", + "\n", + "# Sanity check versions\n", + "import typing_extensions as te\n", + "import importlib\n", + "print(\"typing_extensions:\", getattr(te, \"__version__\", \"unknown\"))\n", + "try:\n", + " import openai\n", + " print(\"openai:\", getattr(openai, \"__version__\", \"unknown\"))\n", + "except Exception as e:\n", + " print(\"openai import still failing:\", e)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt_tab to\n", + "[nltk_data] /Users/devishadhanuka/nltk_data...\n", + "[nltk_data] Package punkt_tab is already up-to-date!\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[38;5;10m______ __ _ ______ _ \n", + "| _ \\ / _| | | | ___ \\ | | \n", + "| | | |___| |_ ___ __ _| |_ | |_/ / ___| |_ __ _ \n", + "| | | / _ \\ _/ _ \\/ _` | __| | ___ \\/ _ \\ __/ _` |\n", + "| |/ / __/ || __/ (_| | |_ | |_/ / __/ || (_| |\n", + "|___/ \\___|_| \\___|\\__,_|\\__| \\____/ \\___|\\__\\__,_|\u001b[0m\n", + "\u001b[1;38;5;10m📈:: Data Update Time ::\u001b[0m\t2025-10-24 \u001b[1;38;5;10m::\u001b[0m\n", + "\u001b[1;38;5;10m📈:: Software Version ::\u001b[0m\t0.0.24 \u001b[1;38;5;10m::\u001b[0m\n" + ] + }, + { + "data": { + "text/plain": [ + "Transcripts()" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "from defeatbeta_api.client.duckdb_client import get_duckdb_client\n", + "from defeatbeta_api.data.transcripts import Transcripts\n", + "\n", + "# Adjust these as needed\n", + "TICKER = \"AAPL\"\n", + "LOCAL_PARQUET = \"/Users/devishadhanuka/Documents/Adv NLP/defeatbeta-api-main/stock_earning_call_transcripts.parquet\"\n", + "\n", + "# Read local Parquet for the symbol\n", + "duck = get_duckdb_client()\n", + "df = duck.query(f\"SELECT * FROM '{LOCAL_PARQUET}' WHERE symbol = '{TICKER}'\")\n", + "\n", + "# Build Transcripts object\n", + "transcripts = Transcripts(TICKER, df, log_level=\"INFO\")\n", + "transcripts\n" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " symbol fiscal_year fiscal_quarter report_date\n", + "0 AAPL 2005 4 2005-10-13\n", + "1 AAPL 2006 1 2006-01-19\n", + "2 AAPL 2006 2 2006-04-20\n", + "3 AAPL 2006 3 2006-07-19\n", + "4 AAPL 2006 4 2006-10-19\n", + "5 AAPL 2007 1 2007-01-17\n", + "6 AAPL 2007 2 2007-04-25\n", + "7 AAPL 2007 3 2007-07-25\n", + "8 AAPL 2007 4 2007-10-22\n", + "9 AAPL 2008 1 2008-01-22\n", + "10 AAPL 2008 2 2008-04-23\n", + "11 AAPL 2008 3 2008-07-21\n", + "12 AAPL 2008 4 2008-10-21\n", + "13 AAPL 2009 1 2009-01-21\n", + "14 AAPL 2009 2 2009-04-23\n", + "15 AAPL 2009 3 2009-07-21\n", + "16 AAPL 2009 4 2009-10-19\n", + "17 AAPL 2010 1 2010-01-25\n", + "18 AAPL 2010 2 2010-04-20\n", + "19 AAPL 2010 3 2010-07-20\n", + "20 AAPL 2010 4 2010-10-18\n", + "21 AAPL 2011 1 2011-01-18\n", + "22 AAPL 2011 2 2011-04-20\n", + "23 AAPL 2011 3 2011-07-19\n", + "24 AAPL 2011 4 2011-10-18\n", + "25 AAPL 2012 1 2012-01-24\n", + "26 AAPL 2012 2 2012-04-24\n", + "27 AAPL 2012 3 2012-07-24\n", + "28 AAPL 2012 4 2012-10-25\n", + "29 AAPL 2013 1 2013-01-23\n", + "30 AAPL 2013 2 2013-04-23\n", + "31 AAPL 2013 3 2013-07-23\n", + "32 AAPL 2013 4 2013-10-28\n", + "33 AAPL 2014 1 2014-01-27\n", + "34 AAPL 2014 2 2014-04-23\n", + "35 AAPL 2014 3 2014-07-22\n", + "36 AAPL 2014 4 2014-10-20\n", + "37 AAPL 2015 1 2015-01-27\n", + "38 AAPL 2015 2 2015-04-27\n", + "39 AAPL 2015 3 2015-07-21\n", + "40 AAPL 2015 4 2015-10-27\n", + "41 AAPL 2016 1 2016-01-26\n", + "42 AAPL 2016 2 2016-04-26\n", + "43 AAPL 2016 3 2016-07-26\n", + "44 AAPL 2016 4 2016-10-25\n", + "45 AAPL 2017 1 2017-01-31\n", + "46 AAPL 2017 2 2017-05-02\n", + "47 AAPL 2017 3 2017-08-01\n", + "48 AAPL 2017 4 2017-11-02\n", + "49 AAPL 2018 1 2018-02-01\n", + "50 AAPL 2018 2 2018-05-01\n", + "51 AAPL 2018 3 2018-07-31\n", + "52 AAPL 2018 4 2018-11-01\n", + "53 AAPL 2019 1 2019-01-29\n", + "54 AAPL 2019 2 2019-04-30\n", + "55 AAPL 2019 3 2019-07-30\n", + "56 AAPL 2019 4 2019-10-30\n", + "57 AAPL 2020 1 2020-01-28\n", + "58 AAPL 2020 2 2020-04-30\n", + "59 AAPL 2020 3 2020-07-30\n", + "60 AAPL 2020 4 2020-10-29\n", + "61 AAPL 2021 1 2021-01-27\n", + "62 AAPL 2021 2 2021-04-28\n", + "63 AAPL 2021 3 2021-07-27\n", + "64 AAPL 2021 4 2021-10-28\n", + "65 AAPL 2022 1 2022-01-27\n", + "66 AAPL 2022 2 2022-04-28\n", + "67 AAPL 2022 3 2022-07-28\n", + "68 AAPL 2022 4 2022-10-27\n", + "69 AAPL 2023 1 2023-02-02\n", + "70 AAPL 2023 2 2023-05-04\n", + "71 AAPL 2023 3 2023-08-03\n", + "72 AAPL 2023 4 2023-11-02\n", + "73 AAPL 2024 1 2024-02-01\n", + "74 AAPL 2024 2 2024-05-02\n", + "75 AAPL 2024 3 2024-08-01\n", + "76 AAPL 2024 4 2024-10-31\n", + "77 AAPL 2025 1 2025-01-30\n", + "78 AAPL 2025 2 2025-05-01\n", + "79 AAPL 2025 3 2025-07-31\n", + "Earnings Call Transcripts FY2023 Q2 (Reported on 2023-05-04)\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| paragraph_number | speaker | content |\n", + "+====================+=======================+==========================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================+\n", + "| 1 | Operator | Good day, and welcome to the Apple’s Q2 Fiscal Year 2023 Earnings Conference Call. Today's call is being recorded. At this time, for opening remarks and introductions, I would like to turn the call over to Suhasini Chandramouli, Director of Investor Relations. Please go ahead. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 2 | Suhasini Chandramouli | Thank you. Good afternoon and thank you for joining us. Speaking first today is Apple's CEO, Tim Cook; and he'll be followed by CFO, Luca Maestri. After that, we'll open the call to questions from analysts. Please note that some of the information you'll hear during our discussion today will consist of forward-looking statements, including, without limitation, those regarding revenue, gross margin, operating expense, other income and expense, taxes, capital allocation, and future business outlook, including the potential impact of macroeconomic conditions on the company's business and results of operations. These statements involve risks and uncertainties that may cause actual results or trends to differ materially from our forecast. For more information, please refer to the risk factors discussed in Apple's most recently filed annual report on Form 10-K and the Form 8-K filed with the SEC today, along with the associated press release. Apple assumes no obligation to update any forward-looking statements or information, which speak as of their respective dates. I'd now like to turn the call over to Tim for introductory remarks. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 3 | Tim Cook | Thank you, Suhasini. Good afternoon, everyone, and thanks for joining us. Today, we're reporting revenue of $94.8 billion for the March quarter, which was better than our expectations. We set an all-time record for Services and a March quarter record for iPhone. We were particularly pleased with the performance we saw in emerging markets and achieved all-time records in Mexico, Indonesia, the Philippines, Saudi Arabia, Turkey and the UAE, as well as a number of March quarter records, including in Brazil, Malaysia and India. This result is a testament, first and foremost to our teams around the world who are engaged every day in the work of bringing new innovations to life. It speaks to the incredible power of Apple products and services to enrich people's lives in indispensable ways. And whether it's in the design lab in Cupertino, or in one of the brand new retail stores in India, I am constantly inspired by the way our people come together to make a real difference in the world. During the March quarter, we continued to face foreign exchange headwinds, which had an impact of more than 500 basis points, as well as ongoing challenges related to the macroeconomic environment. Revenue was down 3% year-over-year as a result, while on a constant currency basis, we grew in total and in the vast majority of the markets we tried. Despite these challenges, we continue to manage for the long term and to push the limits of what's possible, always on behalf of the customers who depend on our products whether it's students exploring new frontiers, developers dreaming up their next big idea, or artists taking their creativity to a whole new level. Let me share how these results showed up across our lineup of products and services. Let's start with iPhone, which set a new March quarter record with revenue of $51.3 billion. The iPhone 14 and 14 plus continue to delight users with their long lasting battery and advanced camera. And our pro users continue to rave about the most powerful camera system ever in an iPhone. This March, we were excited to expand emergency SOS via satellite to six new countries, bringing this important safety feature to even more users. We now offer this vital service in 12 countries, and I'm grateful for every note I've received from around the world about the life saving impact of our safety features. Now let's turn to Mac, which recorded $7.2 billion in revenue for the March quarter in line with our expectations. As we noted during our last call, Mac faced a very difficult compare because of the incredibly successful rollout of our M1 chip throughout the Mac lineup last year. And like our other product lines, Mac is facing some macroeconomic and foreign exchange headwinds as well. That said, the advancements we've made in power efficient performance continue to amaze our users. Our M2 Mac Mini customers are raving about the pro level powerhouse packed into an ultra-compact design, and users are marveling at the power and speed at the heart of every M2 powered MacBook Air and MacBook Pro, which allowed them to sustain even the most demanding workloads. iPad revenue was $6.7 billion, which was also in line with our expectations. Similar to Mac, iPad revenue performance was impacted by macroeconomic challenges, foreign exchange headwinds, and a difficult compare with last year when we launched the M1 powered iPad Air. iPad's versatility continues to be its greatest strength as we're helping students learn on the same family of devices artists use to create their next masterpiece. Across wearables, home and accessories, revenue was $8.8 billion. With its exceptional range of game changing health and safety features, Apple Watch becomes more and more indispensable every day. Apple Watch Ultra is attracting adventures, athletes and everyday users with its breakthrough features built for endurance and exploration. And with summer travel season soon heating up, there's no better companion in the air or on the road than AirPods, the best and most popular headphones in the world. Meanwhile, Services set an all-time record with $20.9 billion in revenue for the March quarter. We achieved all time revenue records across App Store, Apple Music, iCloud and payment services. And now, with more than 975 million paid subscriptions, we're reaching even more people with our lineup of services. Apple TV Plus continues to draw praise from customers and reviewers alike. During the past quarter, fans tuned in to incredible new series like Shrinking and The Big Door Prize and got to welcome Ted Lasso back into their homes for a third season. Movies like Tetris are captivating viewers with many more to come, including Martin Scorsese’s Killers of the Flower Moon later this year. Three years since its launch, Apple TV Plus programming has been celebrated across the globe, with over 1,450 nominations and more than 350 wins. Recently, we were thrilled to cheer on The Boy, the Mole, the Fox and the Horse, which won an Academy Award for best Animated Short Film. The first season of our historic tenure partnership with Major League Soccer is well underway with MLS season pass, we've created the ultimate destination for soccer fans, offering subscribers the ability to watch every match with no blackouts. And with baseball season in full swing, Apple TV Plus subscribers can watch their favorite teams with the return of Friday night baseball. This quarter, we launched Apple Music Classical, a standalone app that gives something special to classical music lovers. Apple Music Classical packs the largest library of classical music on Earth into a thoughtful and intuitive design that strikes all the right notes. Whether you're listening with AirPods or HomePod, the premium sound experience of Apple Music Classical will leave you with a feeling of being front row at the symphony just behind the conductor. In March, we also launched Apple Pay Later designed with users privacy and financial health in mind. Apple Pay Later allows users to split purchases into multiple payments with no interest or fees. And last month, we introduced Apple Card Savings Accounts to give users even more value out of their daily cash Apple Card Benefit. At Apple, our customers are at the center of everything we do. Nowhere is that more evident than retail, where our teams are dedicated to sharing the best of Apple with our customers. And we're constantly innovating to deliver exceptional experiences and meet our customers where they are. In the US, we launch Shop with a specialist over video, a new way for customers to learn about iPhone and find the one that's just right for them. And as I noted earlier, in a milestone for Apple, we just opened our first two Apple stores in India, in Mumbai and Delhi. I was there to see it for myself, and I couldn't have been more delighted by the excitement and enthusiasm of the customers, developers, creators and team members I got to spend time with. I've had the chance to connect with customers and teams all around the world in recent months, so many people shared with me that they were fans of Apple, not just because of the innovations we create, but because of the values that guide us, and that means a great deal to us. We're constantly striving to make a positive difference in people's lives and be a force for progress. We're investing in education to give students the skills they need to shape the future. We're helping to create pathways of opportunity for communities of color through our Racial Equity and justice initiative. And every day we're building an even more inclusive and diverse Apple rooted in our culture of belonging. To better understand how our work intersects with our values, look no further than what we're doing for the environment. We just celebrated Earth Day in April, and during that month, Apple announced that its global manufacturing partners now support over 13 gigawatts of renewable energy, a nearly 30% increase in just the last year. This translates to 17.4 million metric tons of avoided carbon emissions, the equivalent of removing nearly 3.8 million cars from the road. We're all investing up to an additional $200 million in our Restore Fund, which is designed to support innovative, scalable, nature based carbon removal projects, with the goal of removing 1 million metric tons of carbon every year. These are just the latest steps on our journey toward our 2030 goal to be carbon neutral across our supply chain and lifecycle of our devices. At the same time, we're advancing renewable energy across our supply chain, we're also sourcing more recycled materials in our products. Last month, we announced our plans to have all Apple design batteries include 100% certified recycled cobalt by 2025, and we remain committed to one day using only recycled and renewable materials in our products. We have a deep sense of mission here at Apple. We believe in the power of innovation to build a better world. We are determined to do our best work on behalf of our customers and to give them the tools that can enrich lives. So we will manage for the long term, just as we always have, with our eyes to the horizon, with limitless creativity, and with a deep belief that we can achieve anything we put our minds to. With that, I'll turn it over to Luca. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 4 | Luca Maestri | Thank you, Tim, and good afternoon, everyone. Revenue for the March quarter was $94.8 billion, down 3% from last year and better than our expectations. Foreign exchange had a negative impact of over five percentage points on our results, in line with what we had expected. On a constant currency basis, our revenue grew year-over-year in total and in the majority of the markets we track. In addition to the records in emerging markets that Tim mentioned, we also set March quarter records in Australia, Canada, Spain and Switzerland, among others. Products revenue was $73.9 billion, down 5% from last year, due to challenging compares on Mac and iPad. iPhone, however, reached a March quarter revenue record thanks to very strong performance in emerging markets from South Asia and India to Latin America and the Middle East. During the quarter, our installed base of active devices continued to grow at a nice pace thanks to extremely high levels of customer satisfaction and loyalty, and reached an all-time high for all major product categories and geographic segments. Our Services set an all-time revenue record of $20.9 billion, up 5% year-over-year, on top of growing 17% in the March quarter a year ago. We reached an all-time services revenue record in Greater China and March quarter records in Americas, Europe and Rest of Asia Pacific. Company gross margin was 44.3%, up 130 basis points from last quarter, driven by cost savings and favorable mix shift towards services partially offset by leverage. Products gross margin was 36.7%, decreasing 30 basis points sequentially due to seasonal loss of leverage and mix, partially offset by favorable costs. Services gross margin was 71%, up 20 basis points sequentially. Operating expenses of $13.7 billion were at the low end of the guidance range we provided at the beginning of the quarter and continued to decelerate from the December quarter. We are closely managing our spend, but remain focused on long term growth with continued investment in innovation and product development. Net income was $24.2 billion. Diluted earnings per share were a $1.52, unchanged versus last year, and we generated very strong operating cash flow of $28.6 billion. Let me now provide more detail for each of our revenue categories. iPhone revenue set a March quarter record of $51.3 billion, up 2% year-over-year despite significant foreign exchange headwinds and a challenging macroeconomic environment. We set March quarter records in several developed and emerging markets with India, Indonesia, Turkey and the UAE doubling on a year-over-year basis. Our active installed base of iPhone grew to a new all-time high and was up in all our geographic segments. We are very pleased by the results of the latest survey of US Consumers from 451 Research, which measured customer satisfaction at 99% for the iPhone 14 family. Mac revenue was $7.2 billion, down 31% year-over-year and in line with our expectations. These results were driven by the challenging macroeconomic environment coupled with a difficult compare against last year's launch of the completely reimagined M1 MacBook Pros. Despite this, the installed base of active Macs reached an all-time high across all geographic segments and we continue to see strong upgraded activity to Apple silicon. Also, the latest survey of US Consumers from 451 Research reported customer satisfaction at 96% for Mac. iPad generated $6.7 billion in revenue, down 13% year-over-year and in line with our expectations. This performance was due to two key factors, a tough compare against the launch of iPad Air powered by the M1 chip in the year ago quarter and headwinds from the macroeconomic environment. The iPad installed base reached a new all-time high in all geographic segments thanks to exceptional customer loyalty and a high number of new customers. In fact, over half of the customers who purchased iPads during the quarter were new to the product. Wearables, home and accessories revenue was $8.8 billion, down 1% year-over-year as the category experienced the impact from the macroeconomic environment. However, we did set March quarter records both in the US and in Greater China. We continue to see strength in our Watch installed base, which set a new all-time record, thanks to very high customer loyalty and new two rates, nearly two thirds of customers purchasing an Apple Watch during the quarter were new to the product. Moving to Services, we reached a new all-time revenue record of $20.9 billion. And in addition to the all-time records Tim mentioned earlier, we set March quarter records for advertising Apple Care and Video. Despite these records, as we saw in recent quarters, certain services offerings such as digital advertising and mobile gaming continue to be affected by the current macroeconomic environment. Stepping back, however, the continued growth in Services is the reflection of our ecosystem strength and the positive momentum we are seeing across several key metrics. First, our growing installed base of over 2 billion active devices represents a great foundation for future expansion of our ecosystem. We continue to grow across every major product category and geographic segment, thanks to very high levels of customer loyalty and satisfaction. Second, we saw increased customer engagement with our services during the quarter. Both our transacting accounts and paid accounts grew double digits year-over-year, each setting a new all-time record. Third, paid subscriptions showed strong growth. We now have more than $975 million paid subscriptions across the Services on our platform, up 150 million during the last 12 months and nearly double the number of paid subscriptions we had only three years ago. And finally, we continue to improve the breadth and the quality of our current services offerings from new content on Apple TV Plus to great new features available in Apple Pay and Apple Music, which we believe our customers will love. Turning to the enterprise market, we see business customers continuing to invest in the Apple platform to drive higher employee productivity and satisfaction. In Brazil, Boticario Group, the world's largest cosmetics franchiser, originally starting with iPhone, 12 employees manage operations across a network of retail stores, franchisees and resellers. As it continues to digitize its business, Boticario has chosen to move all software development in house and adopted Mac as the standard device for all of their developer teams across the world. In small business, we see an increasing number of customers relying on Apple hardware, software and services to power their businesses forward, from accepting payments on iPhone, to tracking inventory on Mac or iPad, to managing employee devices with Apple Business Essentials. As we celebrate National Small Business week here in the US, we are proud to continue supporting the small business community. Let me now turn to our cash position and capital return program. We ended the quarter with over $166 billion in cash and marketable securities. We repaid $2.3 billion in maturing debt and increased commercial paper by about $300 million, leaving us with total debt of $110 billion. As a result, net cash was $57 billion at the end of the quarter. During the March quarter, we returned over $23 billion to shareholders, including $3.7 billion in dividends and equivalents and $19.1 billion through open market repurchases of $129 million Apple shares. Given the continued confidence we have in our business now and into the future, today our Board has authorized an additional $90 billion for share repurchases as we maintain our goal of getting to net cash neutral over time. We're also raising our dividend by 4% to $0.24 a share, and we continue to plan for annual increases in the dividend going forward. As we move ahead into the June quarter, I'd like to review our outlook, which includes the types of forward looking information that Suhasini referred to at the beginning of the call. We expect our June quarter year-over-year revenue performance to be similar to the March quarter, assuming that the macroeconomic outlook does not worsen from what we are projecting today for the current quarter. Foreign exchange will continue to be a headwind and we expect a negative year-over-year impact of nearly four percentage points. For Services, we expect our June quarter year-over-year revenue growth to be similar to the March quarter, while continuing to face macroeconomic headwinds in areas such as digital advertising and mobile gaming. We expect gross margin to be between 44% and 44.5%. We expect OpEx to be between $13.6 billion and $13.8 billion. We expect OINE to be around negative $250 million excluding any potential impact from the mark-to-market of minority investments and our tax rate to be around 16%. Finally reflecting the dividend increase I mentioned earlier, today, our Board of Directors has declared a cash dividend of $0.24 per share of common stock payable on May 18, 2023, to shareholders of record as on May 15, 2023. With that, let's open the call to questions. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 5 | Operator | [Operator Instructions] We will go ahead and take our first question from Erik Woodring of Morgan Stanley. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 6 | Erik Woodring | Hey, good afternoon, guys. Thank you so much for taking the questions. Tim, maybe if we start with you. If we go back to the December quarter and the shutdowns, the production shutdowns around the time I think the question a lot of us were asking was how should we think about the deferral of demand versus destruction of demand? March quarter was quite strong 2% year-over-year iPhone growth. And so as we sit here in May, how have you seen that customers that weren't able to purchase during the December quarter behave? Meaning, are you seeing that they deferred purchases to March and June? Could they be deferring purchases to later and hopes of buying a new iPhone? Just how should maybe we think about the cadence of that and then I have a follow up. Thanks. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 7 | Tim Cook | Yes. Hi, Erik. It's hard to quantify this, but we do believe we did recapture some amount of sales in the March quarter as we did see the iPhone performance accelerate relative to the December quarter. The production levels for the whole quarter were where we wanted them to be. So supply was not an issue during Q2. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 8 | Erik Woodring | Okay, perfect. Thank you for that color. And then, Tim, maybe to follow up, it's been three or four quarters now that you've mentioned emerging markets like India and others. And I imagine, having just opened two new stores in the country, clearly an important market for you. So maybe can you just talk about why you see India as such an important market and others, how you think about monetization trends in the country and specifically what you have to do within the country to really ensure that India becomes maybe a more material mix of your business? And that's it for me. Thanks so much. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 9 | Tim Cook | Yes, sure. Looking at the business in India, we did set a quarterly record, grew very strong, double digits year-over-year. So it was quite a good quarter for us, taking a step back, India is an incredibly exciting market. It's a major focus for us. I was just there, and the Dynamism in the market, the vibrancy is unbelievable. Over time, we've been expanding our operations there to serve more customers, and three years ago, we launched the Apple Store online, and then, as you just mentioned, we launched two stores just a few weeks ago, and they're off to a great start, one in Mumbai and one in Delhi. We've got a number of channel partners in the country as well that we're partnering with, and we're very happy with how that's going overall. Overall, I couldn't be more delighted and excited by the enthusiasm I'm seeing for the brand there. There are a lot of people coming into the middle class, and I really feel that India is at a tipping point, and it's great to be there. On other emerging markets, we had a stellar quarter in emerging markets overall, as I had mentioned, with records set in a number of different places, including Indonesia and Mexico, the Philippines, Saudi Arabia, Turkey, UAE, and then quarterly records in Brazil, India and Malaysia. And so it was a great quarter for emerging markets in general, despite the headwinds of the currency that Luca mentioned. And so we're putting efforts in a number of these markets and really see, particularly given our low share and the dynamics of the demographics, et cetera, a great opportunity for us in those markets. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 10 | Operator | Our next question is from Mike Ng of Goldman Sachs. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 11 | Mike Ng | Hey, good afternoon. Thank you very much for the question. It was encouraging to hear about the record installed base across iPhone and across all devices. It's been, I think, double digit growth over the last few years across the active devices. I was just wondering, is that a good way to think about the installed base growth going forward? And then for the iPhone installed base specifically, I was just wondering if you could provide a little bit of texture around how you think about the growth there, whether regionally or by first, smartphones versus switchers. And then I have a quick follow up. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 12 | Tim Cook | Yes. If you look at the installed base of active devices now, overall it's more than $2 billion. As you know, we announced in January that we surpassed that. And this quarter, our Q2 rather we set new records across each of the geographic segments and each of the major product categories. And that's despite declines in current quarter sales, in particular in Mac and iPad. This is a huge asset for us, and it's a testament to the overall customer satisfaction and engagement and loyalty of our customers. And so we view this as a major asset for us. The iPhone base is well over a $1 billion active devices. We see this as upgrade rates, and these sorts of things may change quarter-to-quarter depending upon macroeconomic. But if you back up and look at the installed base, we feel great about the size of it and the rate that it's growing. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 13 | Mike Ng | Great. Excellent. And then it was also encouraging to see the number of devices per iPhone user continue to grow. I was just wondering if you could talk about the opportunity to continue to increase that number of Apple devices per iPhone user and if you have any color around how the monetization per user may differ from those, for lack of better words, super users versus those that may not be as deep into the ecosystem. Thanks. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 14 | Tim Cook | We try really hard to design our products in such a way that they work seamlessly together, and so whether that's the watch or the Mac, so that you can start working on one device and finish it on the other. And so there are a good deal of people out there that have multiple Apple devices, and I think this is a testament to the customer satisfaction and loyalty that we've been able to get from the incredible design that our engineering teams do on our products. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 15 | Operator | Our next question is from Shannon Cross of Credit Suisse. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 16 | Shannon Cross | Thank you very much. Thank you for taking my question. Tim, can you talk a bit about AI? It's obviously more than the topic of the day. It seems like the topic of the year. Just how you think about it through your products and services. I know you use it in different ways, but also if you can just give us any thoughts you have on generative AI and I don't know where you see it going, not sure what you want to say on it, but I'm really curious for your take. Thank you. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 17 | Tim Cook | Yes, thanks for the question, Shannon. As you know, we don't comment on product roadmaps. I do think it's very important to be deliberate and thoughtful in how you approach these things. And there's a number of issues that need to be sorted, as is being talked about in a number of different places. But the potential is certainly very interesting. And we've obviously made enormous progress integrating AI and machine learning throughout our ecosystem and we weaved it into products and features for many years as you probably know. You can see that in things like fall detection and crash detection and ECG, these things are not only great features, they're saving people's lives out there. And so it's absolutely remarkable. And so we are, we view AI as huge and we'll continue weaving it in our products on a very thoughtful basis. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 18 | Shannon Cross | Okay. Thank you. And then can you talk a bit about your shift of manufacturing and diversification of manufacturing footprint? I'm curious. Obviously, you have a very tight network in China. So how is it going to move to some of these other regions? Are you seeing any impact from a margin perspective or just any thoughts you have on what you've seen as you started to shift more and more outside of China? Whether it's growth or it's actual production? Thank you. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 19 | Tim Cook | Our supply chain is truly global and we're investing all over the world. We're investing in the US. We're investing in a number of other countries as well. So we make products everywhere. We'll continue to invest everywhere, and we'll continue to look for ways to optimize the supply chain based on what we learn each and every day and week and so forth, to ensure that we can deliver the best products and services for our customers. If you sort of step back and look at how we've performed over the last three years on the supply chain, despite this parade of horribles, if you will, between the pandemic and the chip shortages and macroeconomic kind of factors, the supply chain has been incredibly resilient, and we feel good about what we are and what our plans are. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 20 | Operator | Our next question is from Wamsi Mohan of Bank of America. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 21 | Wamsi Mohan | Yes. Thank you. Tim, you had called out on December quarter earnings that Pro models were significantly constrained. Do you see a catch up on the Pro model specifically in the March quarter? And was the mix better than typical? And do you see that mix renormalizing here in the June quarter? And maybe you can comment on the channel inventory levels as well for iPhones, and I have a follow up. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 22 | Tim Cook | Sure. It's hard to quantify Wamsi, but we do believe we did recapture some amount of sales in the March quarter, and obviously we had to set the channel at the right levels. And we're very comfortable with the channel inventory that we have on a forward basis. So we do think there were some, but it's difficult to quantify it. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 23 | Wamsi Mohan | Okay. Thanks, Tim. And Tim, as a follow up, you launched so many services around Apple Pay most recently, you mentioned Buy Now Pay Later high yield savings account. Where do you see the expansion and the payments ecosystem over time? And do you look at the payments ecosystem as a standalone revenue opportunity? Or is it more about making the devices even more inseparable from us? Thank you. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 24 | Tim Cook | What we're trying to do with our payments work is that sort of like we've done on the watch, where we're focused on helping people live a healthier day on our financial products. We're helping people have a better financial health and so things like the Apple Card and the fact that it has no fees, like the savings account, which has, as you mentioned, it's very attractive yield. So we're trying to help our users, but these things have to stand on their own, obviously. But we're very user focused, and so we're listening to them at what things provide them pinch points and orchestrate our roadmaps around that. Buy Now Pay Later is another one that we've just gotten out of the shoot. But on the savings account specifically, we are very pleased with the initial response on it. It's been incredible. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 25 | Operator | Our next question is from David Vogt of UBS. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 26 | David Vogt | Great. Thanks for taking my question. Tim, I just wanted to go back to maybe kind of dig into the restocking of inventory in the channel versus what we're hearing from a demand perspective that appears to be a little bit softer in the March quarter from some of your larger carriers. That exhibited relatively weak upgrade rates. So I just want to kind of get a sense for where you're seeing demand signals today vis-à-vis how you were thinking about it maybe a month ago or even three months ago. And is there sort of an acceleration in demand or any sort of signals that you might want to share with us at this point? And then I have a follow up. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 27 | Tim Cook | I don't want to go into what we're seeing in Q3 other than the guidance that Luca has given. But for Q2, I think you're probably referencing primarily US carriers. And if you look at our geographic distribution of our performance, it was lower in the Americas, which is primarily predominantly the United States. And a part of that is, I believe it's macroeconomic. A part is that there was more promotional activity in the year ago quarter. And so I think that's what you're seeing there, where our results were really stellar during this quarter, was really in the emerging markets, and we couldn't be prouder of the results that we had there. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 28 | David Vogt | Great. That's helpful. And then just quickly on Services, are you seeing anything in terms of consumers behavior other than sort of the macro that you mentioned and tough comps on digital advertising and mobile gaming? Are you seeing users of all the disparate services change and what they're using and how they're using it and time spent with an Apple Service? Now that we're technically, hopefully fully past COVID, with China almost fully reopened, I'm just trying to get a sense for how user or consumer behavior has changed over the last three to six months. Thanks. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 29 | Luca Maestri | David, it’s Luca. As you said, of course we got the issue around the macroeconomic environment, particularly in advertising and in mobile gaming, but outside of those areas the behavior of customers continues to be pretty consistent. We are doing particularly well, obviously in some of the services that we've launched more recently, like payments where our growth rates are very strong as the adoption of Apple Pay and Apple Card and now the new services that Tim mentioned, the adoption continues to increase. Cloud is an area that continues to grow very consistently. Users want to store more photos and videos and more content on their devices and so they adopt our cloud services and in general the model in the App Store around paid subscriptions continues to grow very strongly. I mentioned we now have more than 975 million paid subscriptions on the platform and that's almost twice as much what we had only three years ago. So obviously, the growth in subscriptions is very strong. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 30 | Operator | Our next question is from Samik Chatterjee of JPMorgan. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 31 | Samik Chatterjee | Hi, thanks for taking my questions. I guess maybe I can follow up on David's question here on services. And in the past, pre-pandemic the growth rate there was more about sort of mid-teens. The growth rates today, where you stand, even if I back out FX impact is more about low double digit. So one of the questions that we get often from investors and want to get your thoughts on is even as the installed base growth seems to have accelerated, are these more cyclical drivers that are depressing growth at this point from returning to that level or do you see more of a rollout on the monetization that you have need to do to get back to those growth levels. and I have a follow up, please. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 32 | Luca Maestri | Samik, that the areas where we are seeing the impact on the macroenvironment, as I mentioned, is digital advertising. As you know, obviously the macroenvironment is not helping on that front. And mobile gaming, where we've seen a bit of a slowdown, partly due to the macroenvironment, partly due to the fact that we had very elevated usage during the COVID years. But outside of those areas, we continue to see very healthy growth rates. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 33 | Samik Chatterjee | Okay. And maybe if I can just follow up and this is more of a macro question. I don't know if Luca, you or Tim want to take this, but obviously the macro is not sort of helpful at this point. But what you're sort of implying in terms of your guide is momentum for your products remains pretty stable. You're actually guiding to a modest uptick FX for the overall business. I mean, what are you seeing in terms of customer sort of spending trends? And overall, does the consumer sort of continue to deteriorate in terms of spending patterns? And is your sort of momentum here just a function of share gains? How should we think about sort of where the consumer is versus what your products are doing independent of that? |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 34 | Luca Maestri | Part of Samik is what Tim was talking about. We're having great momentum in emerging markets, and those are markets where our share is low, gives us a great opportunity to grow over time. It also helps us with the growth of the installed base, because you can imagine that in places where our market share is low, we tend to add a lot of switchers people that are new to the Apple ecosystem. That increases the install base. And over the longer term, it obviously improves our ability to monetize on services as well. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 35 | Operator | Our next question is from Amit Daryanani of Evercore. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 36 | Amit Daryanani | I have to as well. I guess, first off on gross margins for the June quarter. They seem to be holding up fairly well, especially given the fact that sales are going down on a sequential basis. So, Luca, I'm wondering if you can just touch on what's driving the strength in gross margin sequentially. It's offsetting the lack of leverage, if you may. And then I also noticed that the range of your gross margin guide is 50 basis points, it's typically 100. What does that entail? What does that mean? |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 37 | Luca Maestri | So you're right. I mean we are guiding to a fairly stable level of gross margins at a very high level. We're very happy with the gross margins that we're having this cycle. For the first time in several quarters, foreign exchange, we expect foreign exchange to be flat on a sequential basis at the gross margin level. Unfortunately, it's still a headwind at the revenue level, but at gross margin level, sequentially, we expect foreign exchange not to be a factor. And so the seasonal loss of leverage that you're referring to, we expect to be offset by cost savings. And so that should give us that level of margins. As you know, you were asking about the 50 basis points. We have guided to 50 basis points of a range before as well, this year in particular, because of the 14th week during the December quarter, we're a bit late in the calendar year, right. And so we have a bit more visibility around margins for the June quarter. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 38 | Amit Daryanani | Got it. That's helpful. And then I guess, Tim, if I just go back to the India discussion a bit, perhaps you could just contrast what you're seeing in India at today versus what you saw in China maybe a decade or so ago. Is that a reasonable ramp to think India would have, or could it be different from the lessons you've seen in China? |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 39 | Tim Cook | I think each country is different and has their own journey, so I hesitate to compare too much. But what I do see in India is a lot of people entering the middle class, and I'm hopeful that we can convince some number of them to buy an iPhone and we'll see how that works out. But right now, it's working out well. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 40 | Operator | Our next question is from Krish Sankar of TD Cowen. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 41 | Krish Sankar | Hi, thanks for taking my question. The first question I had is for Tim. Tim, you're primarily been a consumer centric company, but it seems like the line is blurring with the iPhone, iPad, the hardware products being used for corporate applications. So is there a way to segment how much of your revenues today are coming from enterprise versus consumer? And does the slower corporate IT spend impact your outlook for iPhone, iPad, Mac, et cetera, and then I have a follow up. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 42 | Tim Cook | Internally, we have our estimates for how much is enterprise versus consumer. And the enterprise business is growing. We have been focusing a lot on BYOD programs and there's more and more companies that are leaning into those and given employees the ability to select which is plays to our benefit, I believe, because I think a lot of people want to use a Mac at work or an iPad at work. And so but we're certainly primarily a consumer company in terms of our revenues, obviously. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 43 | Krish Sankar | Got it, Tim. Thanks for that. And then just as a follow up, obviously a lot of questions on the India retail opening. I'm just kind of curious. You also mentioned that you hope to convert a lot of folks into iPhone there. Where do you think the biggest opportunity? Is it like primarily a hardware business like the iPhone, iPad wearables, et cetera? Or do you think there is a service opportunity in India longer term too? Thank you very much. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 44 | Tim Cook | I think there's an opportunity across the board, including in services. Obviously, the ARPUs are lower in India for whether you're talking about TV and movie streaming or music, the ARPUs are much lower than other regions. But if you look at it over a long arc of time, I think there's a good opportunity across the board. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 45 | Operator | Our next question is from Aaron Rakers of Wells Fargo. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 46 | Aaron Rakers | Yes, thanks for taking the questions. I guess my first question is that I want to go back to kind of the geographical dynamics. I'm curious, as we all think about the reopening attributes of China, just how you would characterize the shaping of demand you saw through the course of this last quarter and kind of how you're thinking about the impact of that reopening playing out over the next couple of quarters. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 47 | Tim Cook | If you look at China, our revenue came in at negative three for the quarter year-over-year, but we actually grew on a constant currency basis, and we also accelerate rated as compared to the December quarter, which, as you know, had 14 weeks in it and was a negative seven on a reported basis. And so we were pleased with how we did and with the acceleration that we saw with the reopening, and we'll see how we do this quarter. But if you look at the top selling smartphones in urban China, based on a survey from Kantar, we have four out of the top five. And I think in all of the third party data I've seen on the market itself, in the smartphone space, we believe we gained share during Q2. So we feel good about it. Also, China has a lot of very good metrics in terms of new buyers. For example, on the Mac, about six out of ten customers are buying the Mac for the first time. Same thing on iPad. If you look over at the watch, it's more than three out of four customers are buying the watch for the first time. And so the buyer metrics, if you will, are very, very good. And our services business hit an all-time record in China during the quarter. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 48 | Aaron Rakers | Very helpful, Tim. As a quick follow up, I want to go back to Amit’s question on gross margin. You talked about FX, the lessening impact there. I'm just curious when you look at your gross margin, obviously got mixed attributes, kind of potentially continuing to drive that higher. But I'm curious on the current environment, how you would characterize the component pricing dynamics and what you're thinking about in this current quarter's Guidance. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 49 | Luca Maestri | The environment on the component side is favorable. We've seen component prices decline during the March quarter, and we expect the same during the June quarter. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 50 | Operator | Our next is from Sydney Ho of Deutsche Bank. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 51 | Sydney Ho | Great. Thanks for taking my question. I was hoping you can talk about the linearity of the March quarter and perhaps the first four and a half weeks of the current quarter. It looks like things are slowing down quite a bit elsewhere, but if my math is right, your fiscal third quarter guidance implied product revenue will be a little bit lower than seasonal average on a sequential basis, any color would be helpful. Thanks. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 52 | Luca Maestri | We said that we expect our performance during the June quarter at the revenue level to be similar to the one that we just reported for the March quarter. Keep in mind, we always have differences in the launch timing across our products, and also that especially over the last few years, we've seen a certain amount of supply disruptions. Sometimes it was COVID related, sometimes it was related to specific component shortages. Just to remind you, in the June quarter a year ago, at the full quarter impact of the launch for both of the iPhone SE and the iPad Air, which leads to a more difficult compare. So I think it's important to keep those things in mind. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 53 | Sydney Ho | Okay, that's helpful. Maybe a quick follow up. You talk about Apple Pay Later. How has the feedback been so far? And how do you expect the adoption of that service over the next few quarters? Thank you. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 54 | Tim Cook | The feedback for both Apple Pay Later and the savings products have both been really good. And we think both of them help customers live a better or healthier financial life. And so we're very excited about the first days of both of them. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 55 | Operator | Our next question is from Harsh Kumar of Piper Sandler. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 56 | Harsh Kumar | Yes. Hey, guys. Thanks for squeezing me in. Tim, you're one of the largest chip companies. You're not a component maker. You actually use your own products. But we almost never hear in any context of you guys being a beneficiary, Apple being a beneficiary for either the Chip Act money or the R&D tax credit that's being proposed. I was just curious if you are eligible for any of those. And then I've got a follow up. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 57 | Tim Cook | I don't see Apple participating in the Chips Act directly, but we would be a beneficiary indirectly because some of our partners would hopefully be recipients of it and therefore put in additional capacity. And so on that sort of indirect basis, we would have a benefit. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 58 | Harsh Kumar | Understood. And thanks for clarification. Luca, I wanted to clarify your comments about June. When you're saying June performance will be similar to March, I assume on a year-on-year basis, which would be June should be down about two something odd percent. Is that a fair way? And then my question that I wanted to ask, maybe another one for Tim was where do you think is the largest opportunity in your services offering? You're doing a great job, you just set a record. But surely there must be areas where you think you can do better. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 59 | Luca Maestri | Yes. So to your question around the June performance yes, on a year-over-year basis, so comparable to the March quarter on year-over-year basis. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 60 | Tim Cook | Harsh, I think we can do better on everything. And so I wouldn't just point to one of them. If you look at the number of active devices and the growth of active devices, I think, our services are underpenetrated in a number of different ways. And so the way that I look at it is there's opportunity in many of them. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 61 | Suhasini Chandramouli | All right. Thank you, Harsh. A replay of today's call will be available for two weeks on Apple podcasts, as a webcast on apple.com/investor and via telephone. The number for the telephone replay is 866-⁠583-⁠1035. Please enter confirmation code 493-⁠4362, followed by the pound sign. These replays will be available by approximately 05:00 P.M. Pacific time today. Members of the press with additional questions can contact Josh Rosenstock at 488-⁠62-⁠1142 and financial analysts can contact me with additional questions at 408-⁠862-⁠5119. Thanks again for joining us. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 62 | Operator | Once again, this does conclude today's conference. We do appreciate your participation. |\n", + "+--------------------+-----------------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n" + ] + } + ], + "source": [ + "# List available transcript quarters and pretty-print one\n", + "print(transcripts)\n", + "\n", + "# Replace with a quarter that exists in your data\n", + "FISCAL_YEAR = 2023\n", + "FISCAL_QUARTER = 2\n", + "\n", + "transcripts.print_pretty_table(FISCAL_YEAR, FISCAL_QUARTER)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " symbol fiscal_year fiscal_quarter report_date\n", + "0 AAPL 2005 4 2005-10-13\n", + "1 AAPL 2006 1 2006-01-19\n", + "2 AAPL 2006 2 2006-04-20\n", + "3 AAPL 2006 3 2006-07-19\n", + "4 AAPL 2006 4 2006-10-19\n", + "5 AAPL 2007 1 2007-01-17\n", + "6 AAPL 2007 2 2007-04-25\n", + "7 AAPL 2007 3 2007-07-25\n", + "8 AAPL 2007 4 2007-10-22\n", + "9 AAPL 2008 1 2008-01-22\n", + "10 AAPL 2008 2 2008-04-23\n", + "11 AAPL 2008 3 2008-07-21\n", + "12 AAPL 2008 4 2008-10-21\n", + "13 AAPL 2009 1 2009-01-21\n", + "14 AAPL 2009 2 2009-04-23\n", + "15 AAPL 2009 3 2009-07-21\n", + "16 AAPL 2009 4 2009-10-19\n", + "17 AAPL 2010 1 2010-01-25\n", + "18 AAPL 2010 2 2010-04-20\n", + "19 AAPL 2010 3 2010-07-20\n", + "20 AAPL 2010 4 2010-10-18\n", + "21 AAPL 2011 1 2011-01-18\n", + "22 AAPL 2011 2 2011-04-20\n", + "23 AAPL 2011 3 2011-07-19\n", + "24 AAPL 2011 4 2011-10-18\n", + "25 AAPL 2012 1 2012-01-24\n", + "26 AAPL 2012 2 2012-04-24\n", + "27 AAPL 2012 3 2012-07-24\n", + "28 AAPL 2012 4 2012-10-25\n", + "29 AAPL 2013 1 2013-01-23\n", + "30 AAPL 2013 2 2013-04-23\n", + "31 AAPL 2013 3 2013-07-23\n", + "32 AAPL 2013 4 2013-10-28\n", + "33 AAPL 2014 1 2014-01-27\n", + "34 AAPL 2014 2 2014-04-23\n", + "35 AAPL 2014 3 2014-07-22\n", + "36 AAPL 2014 4 2014-10-20\n", + "37 AAPL 2015 1 2015-01-27\n", + "38 AAPL 2015 2 2015-04-27\n", + "39 AAPL 2015 3 2015-07-21\n", + "40 AAPL 2015 4 2015-10-27\n", + "41 AAPL 2016 1 2016-01-26\n", + "42 AAPL 2016 2 2016-04-26\n", + "43 AAPL 2016 3 2016-07-26\n", + "44 AAPL 2016 4 2016-10-25\n", + "45 AAPL 2017 1 2017-01-31\n", + "46 AAPL 2017 2 2017-05-02\n", + "47 AAPL 2017 3 2017-08-01\n", + "48 AAPL 2017 4 2017-11-02\n", + "49 AAPL 2018 1 2018-02-01\n", + "50 AAPL 2018 2 2018-05-01\n", + "51 AAPL 2018 3 2018-07-31\n", + "52 AAPL 2018 4 2018-11-01\n", + "53 AAPL 2019 1 2019-01-29\n", + "54 AAPL 2019 2 2019-04-30\n", + "55 AAPL 2019 3 2019-07-30\n", + "56 AAPL 2019 4 2019-10-30\n", + "57 AAPL 2020 1 2020-01-28\n", + "58 AAPL 2020 2 2020-04-30\n", + "59 AAPL 2020 3 2020-07-30\n", + "60 AAPL 2020 4 2020-10-29\n", + "61 AAPL 2021 1 2021-01-27\n", + "62 AAPL 2021 2 2021-04-28\n", + "63 AAPL 2021 3 2021-07-27\n", + "64 AAPL 2021 4 2021-10-28\n", + "65 AAPL 2022 1 2022-01-27\n", + "66 AAPL 2022 2 2022-04-28\n", + "67 AAPL 2022 3 2022-07-28\n", + "68 AAPL 2022 4 2022-10-27\n", + "69 AAPL 2023 1 2023-02-02\n", + "70 AAPL 2023 2 2023-05-04\n", + "71 AAPL 2023 3 2023-08-03\n", + "72 AAPL 2023 4 2023-11-02\n", + "73 AAPL 2024 1 2024-02-01\n", + "74 AAPL 2024 2 2024-05-02\n", + "75 AAPL 2024 3 2024-08-01\n", + "76 AAPL 2024 4 2024-10-31\n", + "77 AAPL 2025 1 2025-01-30\n", + "78 AAPL 2025 2 2025-05-01\n", + "79 AAPL 2025 3 2025-07-31\n", + "Earnings Call Transcripts FY2024 Q2 (Reported on 2024-05-02)\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| paragraph_number | speaker | content |\n", + "+====================+=======================+===========================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================================+\n", + "| 1 | Suhasini Chandramouli | Good Afternoon, and welcome to the Apple Q2 Fiscal Year 2024 Earnings Conference Call. My name is Suhasini Chandramouli, Director of Investor Relations. Today's call is being recorded. Speaking first today is Apple's CEO, Tim Cook, and he'll be followed by CFO, Luca Maestri. After that, we'll open the call to questions from analysts. Please note that some of the information you'll hear during our discussion today will consist of forward-looking statements, including, without limitation, those regarding revenue, gross margin, operating expenses, other income and expense, taxes, capital allocation and future business outlook, including the potential impact of macroeconomic conditions on the company's business and results of operations. These statements involve risks and uncertainties that may cause actual results or trends to differ materially from our forecast. For more information, please refer to the risk factors discussed in Apple's most recently filed Annual Report on Form 10-K and the Form 8-K filed with the SEC today, along with the associated press release. Apple assumes no obligation to update any forward-looking statements, which speak only as of the date they are made. I'd now like to turn the call over to Tim for introductory remarks. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 2 | Tim Cook | Thank you, Suhasini. Good afternoon, everyone, and thanks for joining the call. Today, Apple is reporting revenue of $90.8 billion and an EPS record of $1.53 for the March quarter. We set revenue records in more than a dozen countries and regions. These include, among others, March quarter records in Latin-America and the Middle East, as well as Canada, India, Spain and Turkey. We also achieved an all-time revenue record in Indonesia, one of the many markets where we continue to see so much potential. In services, we set an all-time revenue record, up 14% over the past year. Keep in mind, as we described on the last call, in the March quarter a year-ago, we were able to replenish iPhone channel inventory and fulfill significant pent-up demand from the December quarter COVID-related supply disruptions on the iPhone 14 Pro and 14 Pro Max. We estimate this one-time impact added close to $5 billion to the March quarter revenue last year. If we remove this from last year's results, our March quarter total company revenue this year would have grown. Despite this impact, we were still able to deliver the records I described. Of course, this past quarter, we were thrilled to launch Apple Vision Pro and it has been so wonderful to hear from people who now get to experience the magic of spatial computing. They describe the impossible becoming possible right before their eyes and they share their amazement and their emotions about what they can do now, whether it's reliving their most treasured memories or having a movie theater experience right in their living room. It's also great to see the enthusiasm from the enterprise market. For example, more than half of the Fortune 100 companies have already bought Apple Vision Pro units and are exploring innovative ways to use it to do things that weren't possible before, and this is just the beginning. Looking ahead, we're getting ready for an exciting product announcement next week that we think our customers will love. And next month, we have our Worldwide Developers Conference, which has generated enormous enthusiasm from our developers. We can't wait to reveal what we have in-store. We continue to feel very bullish about our opportunity in Generative AI. We are making significant investments, and we're looking forward to sharing some very exciting things with our customers soon. We believe in the transformative power and promise of AI, and we believe we have advantages that will differentiate us in this new era, including Apple's unique combination of seamless hardware, software and services integration, groundbreaking Apple's silicon, with our industry-leading neural engines and our unwavering focus on privacy, which underpins everything we create. As we push innovation forward, we continue to manage thoughtfully and deliberately through an uneven macroeconomic environment and remain focused on putting our users at the center of everything we do. Now let's turn to our results for the March quarter across each product category, beginning with iPhone. iPhone revenue for the March quarter was $46 billion, down 10% year-over-year. We faced a difficult compare over the previous year due to the $5 billion impact that I mentioned earlier. However, we still saw growth on iPhone in some markets, including Mainland China, and according to Kantar during the quarter, the two best-selling smartphones in Urban China were the iPhone 15 and iPhone 15 Pro Max. I was in China recently where I had the chance to meet with developers and creators who are doing remarkable things with iPhone. And just a couple of weeks ago, I visited Vietnam, Indonesia and Singapore, where it was incredible to see all the ways customers and communities are using our products and services to do amazing things. Everywhere I travel, people have such a great affinity for Apple, and it's one of the many reasons I'm so optimistic about the future. Turning to Mac. March quarter revenue was $7.5 billion, up 4% from a year ago. We had an amazing launch in early March with the new 13-inch and 15-inch MacBook Air. The world's most popular laptop is the best consumer laptop for AI with breakthrough performance of the M3 chip and it’s even more powerful neural engine. Whether it's an entrepreneur starting a new business or a college student finishing their degree, users depend on the power and portability of MacBook Air to take them places they couldn't have gone without it. In iPad, revenue for the March quarter was $5.6 billion, 17% lower year-over-year, due to a difficult compare with the momentum following the launch of M2 iPad Pro and the 10th Generation iPad last fiscal year. iPad continues to stand apart for its versatility, power and performance. For video editors, music makers and creatives of all kinds, iPad is empowering users to do more than they ever could with a tablet. Across Wearables, Home and Accessories, March quarter revenue was $7.9 billion, down 10% from a year-ago due to a difficult launch compare on Watch and AirPods. Apple Watch is helping runners go the extra mile on their wellness journeys, keeping hikers on course with the latest navigation capabilities in watchOS 10, and enabling users of all fitness levels to live a healthier day. Across our watch lineup, we're harnessing AI and machine-learning to power lifesaving features like a regular rhythm notifications and fall detection. I often hear about how much these features mean to users and their loved ones and I'm thankful that so many people are able to get help in their time of greatest need. As I shared earlier, we set an all-time revenue record in services with $23.9 billion, up 14% year-over-year. We also achieved all-time revenue records across several categories and geographic segments. Audiences are tuning in on screens large, small and spatial and are enjoying Apple TV+ Originals like Palm Royale and Sugar. And we have some incredible theatrical releases coming this year, including Wolves, which reunites George Clooney and Brad Pitt. Apple TV+ productions continue to be celebrated as major awards contenders. Since launch, Apple TV+ productions have earned more than 2,100 award nominations and 480 wins. Meanwhile, we're enhancing the live sports experience with a new iPhone app, Apple Sports. This free app allows fans to follow their favorite teams and leagues with real-time scores, stats and more. Apple Sports is the perfect companion for MLS Season Pass subscribers. Turning to retail, our stores continued to be vital spaces for connection and innovation. I was delighted to be in Shanghai for the opening of our latest flagship store. The energy and enthusiasm from our customers was truly something to behold. And across the United States, our incredible retail teams have been sharing Vision Pro demos with customers, delighting them with a profound and emotional experience of using it for the very first time. Everywhere we operate and everything we do, we're guided by our mission to enrich users' lives and lead the world better than we found it, whether we're making Apple podcasts more accessible with a new transcripts feature or helping to safeguard iMessage users' privacy with new protections that can defend against advances in quantum computing. Our environmental work is another great example of how innovation and our values come together. As we work toward our goal of being carbon-neutral across all of our products by 2030, we are proud of how we've been able to innovate and do more for our customers while taking less from the planet. Since 2015, Apple has cut our overall emissions by more than half, while revenue grew nearly 65% during that same time period. And we're now using more recycled materials in our products than ever before. Earlier this spring, we launched our first-ever product to use 50% recycled materials with a new M3-powered MacBook Air. We're also investing in new solar and wind power in the U.S. and Europe, both to power our growing operations and our users' devices. And we're working with partners in India and the U.S. to replenish 100% of the water we use in places that need it most with the goal of delivering billions of gallons of water benefits over the next two decades. Through our Restore Fund, Apple has committed $200 million to nature-based carbon removal projects. And last month, we welcomed two supplier partners as new investors, who will together invest up to an additional $80 million in the fund. Whether we're enriching lives of users across the globe or doing our part to be a force for good in the world, we do everything with a deep sense of purpose at Apple. And I'm proud of the impact we've already made at the halfway point in a year of unprecedented innovation. I couldn't be more excited for the future we have ahead of us, driven by the imagination and innovation of our teams and the enduring importance of our products and services in people's lives. With that, I'll turn it over to Luca. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 3 | Luca Maestri | Thank you, Tim, and good afternoon, everyone. Revenue for the March quarter was $90.8 billion, down 4% from last year. Foreign exchange had a negative year-over-year impact of 140 basis points on our results. Products revenue was $66.9 billion, down 10% year-over-year due to the challenging compare on iPhone that Tim described earlier, which was partially offset by strength from Mac. And thanks to our unparalleled customer satisfaction and loyalty and a high number of customers who are new to our products, our installed base of active devices reached an all-time high across all products and all geographic segments. Services revenue set an all-time record of $23.9 billion, up 14% year-over-year with record performance in both developed and emerging markets. Company gross margin was 46.6%, up 70 basis points sequentially, driven by cost savings and favorable mix to services, partially offset by leverage. Products gross margin was 36.6%, down 280 basis points sequentially, primarily driven by seasonal loss of leverage and mix, partially offset by favorable costs. Services gross margin was 74.6%, up 180 basis points from last quarter due to a more favorable mix. Operating expenses of $14.4 billion were at the midpoint of the guidance range we provided and up 5% year-over-year. Net income was $23.6 billion, diluted EPS was $1.53 and a March quarter record, and operating cash flow was strong at $22.7 billion. Let me now provide more detail for each of our revenue categories. iPhone revenue was $46 billion, down 10% year-over-year, due to the almost $5 billion impact from a year ago that Tim described earlier. Adjusting for this one-time impact, iPhone revenue would be roughly flat to last year. Our iPhone active installed base grew to a new all-time high in total and in every geographic segment. And during the March quarter, we saw many iPhone models as the top-selling smartphones around the world. In fact, according to a survey from Kantar, an iPhone was the top-selling model in the U.S., Urban China, Australia, the U.K., France, Germany and Japan. And the iPhone 15 family continues to be very popular with customers. 451 Research recently measured customer satisfaction at 99% in the U.S. Mac revenue was $7.5 billion, up 4% year-over-year, driven by the strength of our new MacBook Air, powered by the M3 chip. Customers are loving the incredible AI performance of the latest MacBook Air and MacBook Pro models. And our Mac installed base reached an all-time high with half of our MacBook Air buyers during the quarter being new to Mac. Also customer satisfaction for Mac was recently reported at 96% in the U.S. iPad generated $5.6 billion in revenue, down 17% year-over-year. iPad continued to face a challenging compare against the launch of the M2 iPad Pro and iPad 10th Generation from last year. At the same time, the iPad installed base has continued to grow and is at an all-time high as over half of the customers who purchased iPads during the quarter were new to the product. In addition, the latest reports from 451 Research indicated customer satisfaction of 96% for iPad in the US. Wearables, Home and Accessories revenue was $7.9 billion, down 10% year-over-year due to a difficult launch compare. Last year, we had the continued benefit from the launches of the AirPods Pro second-generation, the Watch SE and the first Watch Ultra. Apple Watch continues to attract new customers, with almost two-thirds of customers purchasing an Apple Watch during the quarter being new to the product, sending the Apple Watch installed base to a new all-time high and customer satisfaction was recently measured at 95% in the U.S. In services, as I mentioned, total revenue reached an all-time record of $23.9 billion, growing 14% year-over-year with our installed-base of active devices continuing to grow at a nice pace. This provides a strong foundation for the future growth of the services business as we continued to see increased customer engagement with our ecosystem. Both transacting accounts and paid accounts reached a new all-time high with paid accounts growing double-digits year-over-year. And paid subscriptions showed strong double-digit growth. We have well over $1 billion paid subscriptions across the services on our platform, more than double the number that we had only four years ago. We continued to improve the breadth and quality of our current services from creating new games on Arcade and great new shows on TV+ to launching additional countries and partners for Apple Pay. Turning to enterprise, our customers continued to invest in Apple products to drive productivity and innovation. We see more and more enterprise customers embracing the Mac. In Healthcare, Epic Systems, the world's largest electronic medical record provider, recently launched its native app for the Mac, making it easier for healthcare organizations like Emory Health to transition thousands of PCs to the Mac for clinical use. And since the launch of Vision Pro last quarter, many leading enterprise customers have been investing in this amazing new product to bring spatial computing apps and experiences to life. We are seeing so many compelling use cases from aircraft engine maintenance training at KLM Airlines to real-time team collaboration for racing at Porsche to immersive kitchen design at Lowe's. We couldn't be more excited about the spatial computing opportunity in enterprise. Taking a quick step back, when we look at our performance during the first-half of our fiscal year, total company revenue was roughly flat to the prior year in spite of having one less week of sales during the period and some foreign exchange headwinds. We were particularly pleased with our strong momentum in emerging markets, as we set first-half revenue records in several countries and regions, including Latin-America, the Middle East, India, Indonesia, the Philippines and Turkey. These results, coupled with double-digit growth in services and strong levels of gross margin, drove a first half diluted EPS record of $3.71, up 9% from last year. Let me now turn to our cash position and capital return program. We ended the quarter with $162 billion in cash and marketable securities. We repaid $3.2 billion in maturing debt and commercial paper was unchanged sequentially, leaving us with total debt of $105 billion. As a result, net cash was $58 billion at the end of the quarter. During the quarter, we returned over $27 billion to shareholders, including $3.7 billion in dividends and equivalents and $23.5 billion through open-market repurchases of $130 million Apple's shares. Given the continued confidence we have in our business now and into the future, our Board has authorized today an additional $110 billion for share repurchases, as we maintain our goal of getting to net cash-neutral over time. We are also raising our dividend by 4% to $0.25 per share of common stock, and we continued to plan for annual increases in the dividend going forward as we've done for the last 12 years. This cash dividend will be payable on May 16, 2024 to shareholders of record as of May 13, 2024. As we move ahead into the June quarter, I'd like to review our outlook, which includes the types of forward-looking information that Suhasini referred to at the beginning of the call. The color we are providing today assumes that the macroeconomic outlook doesn't worsen from what we are projecting today for the current quarter. We expect our June quarter total company revenue to grow low-single-digits year-over-year in spite of a foreign exchange headwind of about 2.5 percentage points. We expect our services business to grow double-digits at a rate similar to the growth we reported for the first-half of the fiscal year. And we expect iPad revenue to grow double-digits. We expect gross margin to be between 45.5% to -- and 46.5%. We expect OpEx to be between $14.3 billion and $14.5 billion. We expect OI&E to be around $50 million, excluding any potential impact from the mark-to-market of minority investments and our tax rate to be around 16%. With that, let's open the call to questions. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 4 | Suhasini Chandramouli | Thank you, Luca. We ask that you limit yourself to two questions. Operator, may we have the first question, please? |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 5 | Operator | Certainly. We will go ahead and take our first question from Mike Ng with Goldman Sachs. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 6 | Mike Ng | Hey, good afternoon. Thank you very much for the question. I have two, first, I'll ask about the June quarter guidance. The revenue outlook for low-single digits growth, I was wondering if you could run through some of the product assumptions, iPhone, like what kind of gives you confidence around that? And then on the service momentum, what was better than expected in the quarter? And then I just have a quick follow-up. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 7 | Luca Maestri | Hey, Mike. It's Luca. On the outlook, what we said is we expect to grow low-single-digits in total for the company. We expect services to grow double-digits at a rate that is similar to what we've done in the first-half of our fiscal year. And we've also mentioned that iPad should grow double-digits. This is the color that we're providing for the June quarter. In services, we've seen a very strong performance across the board. We've mentioned, we've had records in several categories, in several geographic segments. It's very broad based, our subscription business is going well. Transacting accounts and paid accounts are growing double-digits. And also we've seen a really strong performance both in developed and emerging markets. So very pleased with the way the services business is going. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 8 | Mike Ng | Great. Thank you. And I wanted to ask about, as Apple leans more into AI and Generative AI, should we expect any changes to the historical CapEx cadence that we've seen in the last few years of about $10 billion to $11 billion per year or any changes to, you know, how we may have historically thought about the split between tooling, data center and facilities? Thank you very much. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 9 | Luca Maestri | Yes. We are obviously very excited about the opportunity with Gen AI. We obviously are pushing very hard on innovation on every front and we've been doing that for many, many years. Just during the last five years, we spent more than a $100 billion in research and development. As you know, on the CapEx front, we have a bit of a hybrid model where we make some of the investments ourselves. In other cases, we share them with our suppliers and partners on the manufacturing side, we purchased some of the tools and manufacturing equipment. In some of the cases, our suppliers make the investment. On the -- and we do something similar on the data center side. We have our own data center capacity and then we use capacity from third parties. It's a model that has worked well for us historically and we plan to continue along the same lines going forward. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 10 | Mike Ng | Excellent. Thank you very much. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 11 | Suhasini Chandramouli | Awesome. Thank you, Mike. Operator, can we have the next question, please? |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 12 | Operator | Our next question is from Wamsi Mohan with Bank of America. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 13 | Wamsi Mohan | Yes, thank you so much. Tim, can you talk about the implications to Apple from the changes driven by EU DMA? You've had to open up third-party app stores, clearly disposes some security risks on the one-hand, which can dilute the experience, but also lower payments from developers to Apple. What are you seeing developers choose in these early days and consumers choose in terms of these third-party app stores? And I have a follow-up. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 14 | Tim Cook | It's really too early to answer the question. We just implemented in March, as you probably know, in the European Union, the alternate app stores and alternate billing, et cetera. So we're focused on complying while mitigating the impacts to user privacy and security that you mentioned. And so that's our focus. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 15 | Wamsi Mohan | Okay. Thank you, Tim. And Luca, I was wondering if you could comment a bit on the product gross margins, the sequential step down. You noted both mix and leverage. Any more color on the mix, if you could share if customers are at all starting to mix down across product lines or is this more a mix across product lines? Just trying to get some color on customer behavior given some of the broader inflationary pressures. Thank you so much. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 16 | Luca Maestri | On a sequential basis, yes, we were down. It's primarily the fact that we had a slightly different mix of products than the previous one. Obviously, leverage plays a big role as we move from the holiday quarter into the -- into, you know, a more typical quarter. So I would say primarily leverage in a different mix of products. I mean, we haven't seen anything different in terms within the product categories, we haven't seen anything particular. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 17 | Wamsi Mohan | Thank you so much. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 18 | Suhasini Chandramouli | Thanks, Wamsi. We'll take the next question, please. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 19 | Operator | Our next question is from Erik Woodring with Morgan Stanley. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 20 | Erik Woodring | Great. Thanks so much for taking my questions. Maybe my first one, Tim, you've obviously mentioned your excitement around Generative AI multiple times. I'm just curious how Apple is thinking about the different ways in which you can monetize this technology because historically software upgrades haven't been a big factor in driving product cycles. And so could AI be potentially different? And how could that impact replacement cycles? Is there any services angle you'd be thinking? Any early color that you can share on that? And then I have a follow up, please. Thanks. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 21 | Tim Cook | I don't want to get in front of our announcements, obviously. I would just say that we see Generative AI as a very key opportunity across our products. And we believe that we have advantages that set us apart there. And we'll be talking more about it in as we go through the weeks ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 22 | Erik Woodring | Okay. Very fair. Thank you. And then Luca, maybe to just follow up on Wamsi's comments or question. There's a broad concern about the headwind that rising commodity costs have on your product gross margins. Wondering if you could just clarify for us if we take a step back and look at all of the components and commodities that go into your products kind of collectively, are we -- are you seeing these costs rising? Are they falling? What tools do you have to try to help and mitigate some rising costs if at all, rising input costs if at all? Thank you so much. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 23 | Luca Maestri | Yes. I mean during the last quarter, commodity costs, and in general, component costs have behaved favorably to us. On the memory front, prices are starting to go up. They've gone up slightly during the March quarter. But in general, I think it's been a period not only this quarter, but the last several quarters where, you know, commodities have behaved well for us. Commodities going cycles and so there's obviously always that possibility. Keep in mind that we are starting from a very high level of gross margins. We reported 46.6%, which is something that we haven't seen in our company in decades. And so we're starting from a good point. As you know, we try to buy ahead when the cycles are favorable to us. And so we will try to mitigate if there are headwinds. But in general, we feel particularly for this cycle, we are in good shape. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 24 | Erik Woodring | Thank you so much. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 25 | Suhasini Chandramouli | Great. Thank you, Erik. Operator, we'll take the next question, please. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 26 | Operator | Our next question is from Ben Reitzes with Melius. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 27 | Ben Reitzes | Hey, thanks for the question. And hey, Tim, I was wondering if I could ask the China question again. Is there any more color from your visit there that gives you confidence that you've reached a bottom there and that it's turning? And I know you've been -- you've continued to be confident there in the long-term. Just wondering if there was any color as to when you think that the tide turns there? Thanks a lot. And I have a follow-up. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 28 | Tim Cook | Yes, Ben, if you look at our results in Q2 for Greater China, we were down 8%. That's an acceleration from the previous quarter in Q1. And the primary driver of the acceleration was iPhone. And if you then look at iPhone within Mainland China, we grew on a reported basis. That's before any kind of normalization for the supply disruption that we mentioned earlier. And if you look at the top-selling smartphones, the Top 2 in Urban China are iPhones. And while I was there, it was a great visit and we opened a new store in Shanghai and the reception was very warm and highly energetic, and so I left there having a fantastic trip and enjoyed being there. And so I maintain a great view of China in the long-term. I don't know how each and every quarter goes and each and every week. But over the long haul, I have a very positive viewpoint. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 29 | Ben Reitzes | Okay. Hey, thanks, Tim. And then my follow-up, I want to ask this carefully though. It's a -- there's a fear out there that, you may lose some traffic acquisition revenue. And I was wondering if you thought AI from big picture and it doesn't have to be on a long-term basis, I mean from a big picture, if AI is an opportunity for you to continue to monetize your mobile real estate, just how you -- how maybe investors can think about that from a big picture, just given that's been one of the concerns that's potentially been an overhang, of course, due to, you know, a lot of the news and the media around some of the legal cases? And I was wondering if there's just a big-picture color you could give that makes us kind of think about it better and your ability to sort of continue to monetize that real estate? Thanks a lot. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 30 | Tim Cook | I think AI, Generative AI and AI, both are big opportunities for us across our products. And we'll talk more about it in the coming weeks. I think there are numerous ways there that are great for us. And we think that we're well-positioned. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 31 | Ben Reitzes | Thanks, Tim. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 32 | Tim Cook | Yes. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 33 | Suhasini Chandramouli | Thanks, Ben. Can we have the next question, please? |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 34 | Operator | Thank you. Our next question is from Krish Sankar with TD Cowen. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 35 | Krish Sankar | Yes, hi. Thanks for taking my question. Again, sorry to beat the AI haul. But Tim, I know you don't want to like reveal a lot. But I'm just kind of curious, because last quarter you spoke about how you're getting traction in enterprise. Is the AI strategy going to be both consumer and enterprise or is it going to be one after the other? Any color would be helpful? And then, I have a follow-up for Luca. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 36 | Tim Cook | Our focus on enterprise has been and you know through the quarter and the quarters that preceded it on selling iPhones and iPads and Macs and we recently added Vision Pro to that. And we're thrilled with what we see there in terms of interest from big companies buying some to explore ways they can use it. And so I see enormous opportunity in the enterprise. I wouldn't want to cabin that to AI only. I think there's a great opportunity for us around the world in the enterprise. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 37 | Krish Sankar | Got it. Very helpful. And then for Luca, you know, I'm kind of curious on -- given the macro-environment, on the hardware side, are you seeing a bias towards like standard iPhone versus the Pro model? The reason I'm asking the question is that there's a weaker consumer spending environment, yet your services business is still growing and has amazing gross margins. So I'm just trying to like square the circle over there. Thank you. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 38 | Luca Maestri | I'm not sure I fully understand the question, but in general, what we are seeing on the product side, we continued to see a lot of interest at the top of the range of our products. And I think it's a combination of consumers wanting to purchase the best product that we offer in the different categories and our ability to make those purchases more affordable over time. We've introduced several financing solutions from installment plans to trading programs that reduce the affordability threshold and therefore, customers tend to buy -- want to buy at the top of the range that is very valuable for us in developed markets, but particularly in emerging markets where the affordability issues are more pronounced. But in general, over the last several years and that is also reflected in our gross margins, over the last several years, we've seen this trend, which we think is pretty sustainable. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 39 | Krish Sankar | Got it. Thank you very much, Luca, and thanks, Tim. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 40 | Suhasini Chandramouli | Thank you, Krish. Operator, we'll have the next question, please. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 41 | Operator | Our next question is from Amit Daryanani with Evercore. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 42 | Amit Daryanani | Thanks for taking my question. I have two as well. You know, I guess, first off on capital allocation, you folks have about $58 billion of net cash right now. As you think about eventually getting to this net cash-neutral target, do you think at some point, Apple would be open to taking on leverage on the balance sheet and continuing the buyback program? Or is it more like once you get to this neutral position, it's going to be about returning free cash flow back to shareholders? I'm just wondering, how do you think about leverage on your balance sheet over time and what sort of leverage do you think you'd be comfortable taking on? |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 43 | Luca Maestri | Hey, Amit. This is Luca. I would say one step at a time, we have put out this target of getting to net cash-neutral several years ago and we're working very hard to get there. Our free cash flow generation has been very strong over the years, particularly in the last few years. And so as you've seen this year, we've increased the amount that we're allocating to the buyback. For the last couple of years, we were doing $90 billion, now we're doing $110 billion. So let's get there first. It's going to take a while still. And then when we are there, we're going to reassess and see what is the optimal capital structure for the company at that point in time. Obviously, there's going to be a number of considerations that we will need to look at when we get there. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 44 | Amit Daryanani | Fair enough. I figure it's worth trying anyway. If I go back to this China discussion a bit and, you know, Tim, I think your comments around growth in iPhones in Mainland China is really notable. Could you step back, I mean, these numbers are still declining at least Greater China on a year-over-year basis in aggregate. Maybe just talk about what are you seeing from a macro basis in China and then at least annual decline -- or year-over-year declines that we're seeing. Do you think it's more macro driven or more competitive driven over there? That would be helpful. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 45 | Tim Cook | Yes, I can only tell you what we're seeing. And so I don't want to present myself as a economist. So I'll steer clear of that. From what we saw was an acceleration from Q1, and it was driven by iPhone and iPhone in Mainland China before we adjust for this $5 billion impact that we talked about earlier did grow. That means the other products didn't fare as well. And so we clearly have work there to do. I think it has been and is through last quarter, the most competitive market in the world. And I -- so I, you know, wouldn't say anything other than that. I've said that before, and I believe that it was last quarter as well. And -- but if you step back from the 90-day cycle, what I see is a lot of people moving into the middle class, a -- we try to serve customers very well there and have a lot of happy customers and you can kind of see that in the latest store opening over there. And so I continue to feel very optimistic. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 46 | Amit Daryanani | Great. Thank you. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 47 | Suhasini Chandramouli | Thanks, Amit. Operator, we'll take the next question, please. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 48 | Operator | Our next question is from David Vogt with UBS. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 49 | David Vogt | Great. Thanks guys for taking my question. I'm going to roll the two together, so you guys have them both. So Luca obviously, I'm trying to parse through the outlook for the June quarter. And just based on the quick math, it looks like all things being equal, given what you said, the iPhone business is going to be down mid-single-digits again in the June quarter. And if that's the case and maybe this is for Tim obviously, how are you thinking about the competitive landscape in the context of what you just said maybe outside of China and what changes sort of, the consumer demand or receptivity to new devices because we've been in this malaise for a while. Is it really this AI initiative that a lot of companies are pursuing? And do you think that changes sort of the demand drivers going forward? Or is it just really more of a timing issue in terms of the replacement cycle is a little bit long in the tooth, and we see a bit of an upgrade cycle at some point, maybe later this year into next year? Thanks. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 50 | Tim Cook | I do see a key opportunity, as I've mentioned before with Generative AI with all of our devices or the vast majority of our devices. And so I think that if you look out that that's not within the next quarter or so and we don't guide at the product level, but I'm extremely optimistic. And so that -- that's kind of how I view it. In terms of the -- I'll let Luca comment on the outlook portion of it. I think if you step back on iPhone though and you make this adjustment from the previous year, our Q2 results would be flattish on iPhone. And so that's how we performed in Q2. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 51 | Luca Maestri | Yes, David, on the outlook, I'll only repeat what we said before, and this is the color that we're providing for the quarter. We do expect to grow in total, low-single-digits. And we do expect services to grow double-digits, and we expect iPad to grow double-digits for the rest. I'll let you make assumptions and then we will report three months from now. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 52 | David Vogt | Great. Thanks guys. I'll get back in the queue. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 53 | Suhasini Chandramouli | Thanks, David. Operator, we'll take the next question, please. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 54 | Operator | Our next question is from Samik Chatterjee with JPMorgan. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 55 | Samik Chatterjee | Hi, thanks for taking my question, and I have a couple as well. Maybe for the first one, your services growth accelerated from 11% growth to 14%. If you can sort of dig into the drivers of where or which parts of services did you really see that acceleration? And why it isn't a bit more sustainable as we think about the next quarter? Because I believe you're guiding more to sort of averaging out the first half of the year for the next quarter. So just curious what were the drivers and why not have it a bit more sustainably sort of improve as we go through the remainder of the year? And I have a quick follow-up. Thank you. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 56 | Luca Maestri | So a number of things on services. First of all, the overall performance was very strong. As I said earlier, all-time records in both developed and emerging markets. So we see our services do well across the world. Records in many of our services categories. There are some categories that are growing very fast also because they are relatively smaller in the scheme of our services business like cloud, video, payment services. You know, those all set all-time revenue records. And so we feel very good about the progress that we're making in services. As we go forward, I'll just point out that if you look at our growth rates a year ago, they improved during the course of the fiscal year last year. So the comps for the services business become a bit more challenging as we go through the year. But in general, as I mentioned, we still expect to grow double-digits in the June quarter at a rate that is very similar to what we've done in the first half. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 57 | Samik Chatterjee | Got it. Got it. And for my follow up, if I can ask you more specifically about the India market. Obviously, you continue to make new records in terms of revenue in that market. How much of the momentum you're seeing would you associate with your sort of retail strategy in that market, retail expansion relative to maybe some of the supply change or the sort of manufacturing changes or strategy you've undergone or taken in that market itself. Any thoughts around that would be helpful? |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 58 | Tim Cook | Sure. We did grow strong double-digit. And so we were very, very pleased about it. It was a new March quarter revenue record for us. As you know, as I've said before, I see it as an incredibly exciting market and it's a major focus for us. In terms of the operational side or supply chain side, we are producing there, from a pragmatic point of view, you need to produce there to be competitive. And so yes, there the two things are linked from that point of view. But we have both operational things going on and we have go-to-market, and initiatives going on. We just opened a couple of stores as last year, as you know, and we see enormous opportunity there. We're continuing to expand our channels, and also working on the developer ecosystem as well. And we've been very pleased that there is a rapidly-growing base of developers there. And so, we're working all of the entire ecosystem from developer to the market to operations, the whole thing. And I just -- I could not be more excited and enthusiastic about it. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 59 | Samik Chatterjee | Got it. Thank you. Thanks for that. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 60 | Tim Cook | Yes. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 61 | Suhasini Chandramouli | Thank you, Samik. Operator, we'll have the next question, please. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 62 | Operator | Our next question is from. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 63 | Aaron Rakers | Yes, thanks for taking the questions, and I think I have to have two as well like everybody else. I guess, I'm going to go back to the China question. I guess, at a high level, the simple question is, when we look at the data points that have been repeatedly reported throughout the course of this quarter, I'm curious, Tim, you know, what are we missing? Like where do you think people are missing, Apple's iPhone traction within the China market, just at a high level, you know, given the data points that were reported throughout this course of the last quarter? |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 64 | Tim Cook | I can't address the data points. I can only address what our results are. And we did accelerate last quarter, and the iPhone grew in Mainland China. So that's what the results were. I can't bridge to numbers we didn't come up with. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 65 | Aaron Rakers | Okay. And then as a quick follow-up, I know you guys haven't talked about this, you know, quantified it in quite some time. But I'm curious how we would characterize the channel inventory dynamics for iPhone? |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 66 | Tim Cook | Sure. The -- for the March quarter, we decreased channel inventory during the quarter. We usually decreased channel inventory during the Q2 timeframe. So that's not unusual. And we're very comfortable with the overall channel inventory. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 67 | Aaron Rakers | Thank you. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 68 | Tim Cook | Yes. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 69 | Suhasini Chandramouli | Thank you, Aaron. Operator, we'll take the next question, please. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 70 | Operator | Our next question is from Richard Kramer with Arete Research. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 71 | Richard Kramer | Thanks very much. I'm not going to ask about China, but you regularly call out all the rapid growth in many other emerging markets. So is Apple approaching a point where all of those other emerging markets in aggregate might crossover to become larger than your current $70 billion Greater China segments, and maybe investors could look at that for driving growth for the wider business? And then I have a follow-up for Luca. Thanks. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 72 | Luca Maestri | I think, Richard, you're asking a really interesting question. We were looking at something similar recently. Obviously, China is by far the largest emerging market that we have. But when we started looking at places like India, like Saudi, like Mexico, Turkey, of course, Brazil and Mexico and Indonesia, the numbers are getting large, and we're very happy because these are markets where our market share is low, the populations are large and growing. And our products are really making a lot of progress with the -- in those markets. The level of excitement for the brand is very high. Tim was in Southeast Asia recently, and the level of excitement is incredibly high. So it is very good for us. And then -- and certainly, the numbers are getting larger all the time. And so the gap as you compare it to the numbers in China is reducing, and hopefully, that trajectory continues for a long time. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 73 | Richard Kramer | Okay. And then as a follow-up, maybe for either of you, I mean, you're coming up on four years from what was incredibly popular iPhone 12 cycle. And, you know, given you're struggling to reduce your net -- your -- reach your net neutral cash position and your margins are sort of near highs, do you see ways to deploy capital more to spur replacement demand in your installed base either with greater device financing, more investment in marketing, more promotions. I mean, do you feel like you needed to produce those sort of margins or is it a more important to spur growth with replacement? Thanks. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 74 | Tim Cook | I think innovation spurs the upgrade cycle, and as one thing, of course, there's economic factors as well that play in there. And what kind of offerings there are from our carrier partners and so forth. And so there's a number of variables in there. But we work all of those, and you know, we price our products for the value that we're delivering. And so that's how we look at it. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 75 | Luca Maestri | And if I can add to Tim's comments, Richard, one of the things that when you look over the long arc of time that maybe is not fully understood is that we've gone through a long period of very strong dollar. And what that means given that our company sells more than 60% of our revenue is outside the United States. The demand for our products in those markets is stronger than the results that we report just because of the translation of those local currencies into dollars, right? And so that is something to keep in mind as you look at our results, right? And so we are making all the investments that are needed and Tim has talked about innovation. Obviously, we made a lot of progress with financing solutions, with trading programs and so on, and we will continue to make all those investments. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 76 | Richard Kramer | Okay. Super. Thanks, guys. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 77 | Suhasini Chandramouli | Thank you, Richard. Operator, can we take our last question, please. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 78 | Operator | Our next question is from Atif Malik with Citi. Please go ahead. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 79 | Atif Malik | Hi. Thank you for taking my questions, and I have two questions as well. First for Tim, for enterprise, specifically, what are some of the top two or three use cases on Vision Pro you're hearing most excitement? And then I have a follow-up for Luca. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 80 | Tim Cook | Yes, the great thing is, I'm hearing about so many of them. I wouldn't say that one has emerged as the top, right now. The most impressive thing is that similar to the way people use a Mac, you use it for everything. People are using it for many different things in enterprise, and that varies from field service to training to healthcare related things like preparing a doctor for pre-op surgery or advanced imaging. And so the -- it commands control centers. And so it's an enormous number of different verticals. And you know our focus is on -- is growing that ecosystem and getting more apps and more and more enterprises engaged. And the event that we had recently, I can't overstate the enthusiasm in the room. It was extraordinary. And so we're off to a good start, I think, with the enterprise. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 81 | Atif Malik | Great. And then Luca, I believe you mentioned that for the March quarter, the commodity pricing environment was favorable. Can you talk about what you're assuming for commodity pricing on memory and et cetera for the June quarter and maybe for the full-year? |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 82 | Luca Maestri | Yes, we provide guidance just for the current quarter. So I'll tell you about the, you know, the guidance. We're guiding to again to a very high level of gross margins, 45.5% to 46.5%. Within that guidance, we expect memory to be a slight headwind, not a very large one, but a slight headwind. And the same applies for foreign exchange. Foreign exchange will have a negative impact sequentially of about 30 basis points. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 83 | Atif Malik | Thank you. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "| 84 | Suhasini Chandramouli | Thank you, Atif. A replay of today's call will be available for two weeks on Apple podcasts as a webcast on apple.com/investor and via telephone. The number for the telephone replay is 866-583-1035. Please enter confirmation code 0467138 followed by the pound sign. These replays will be available by approximately 5:00 P.M. Pacific Time today. Members of the press with additional questions can contact Josh Rosenstock at 408-862-1142, and financial analysts can contact me, Suhasini Chandramouli, with additional questions at 408-974-3123. Thank you again for joining us. |\n", + "+--------------------+-----------------------+-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n" + ] + } + ], + "source": [ + "# Alternative: Use Ticker but point SQL to the local Parquet\n", + "from defeatbeta_api.data.ticker import Ticker\n", + "from defeatbeta_api.data.sql.sql_loader import load_sql_query\n", + "\n", + "T = Ticker(TICKER)\n", + "sql = load_sql_query(\"_query_data\", ticker=T.ticker, url=LOCAL_PARQUET)\n", + "df_local = T.duckdb_client.query(sql)\n", + "transcripts_alt = Transcripts(T.ticker, df_local, T.log_level)\n", + "print(transcripts_alt)\n", + "transcripts_alt.print_pretty_table(FISCAL_YEAR, FISCAL_QUARTER)\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "myenv", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.14" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/Finllama/combined_training_data.json b/Finllama/combined_training_data.json new file mode 100644 index 0000000000..1a6fd6d986 --- /dev/null +++ b/Finllama/combined_training_data.json @@ -0,0 +1,22950 @@ +[ + { + "text": "Elcoteq SE is Europe 's largest contract electronics maker and has set up a unit in Bangalore in association with Avista Advisory of Mumbai .", + "label": 0 + }, + { + "text": "Choose from a Giant Countdown with red head or rainbow trout -- or the Giant Shad Rap in perch color .", + "label": 0 + }, + { + "text": "Headquartered in this city , the company is nearly 75 years old and focuses on science-based innovation and technology for environmental measurement .", + "label": 0 + }, + { + "text": "Acquisitions have been made and businesses have been well integrated .", + "label": 1 + }, + { + "text": "The transaction is expected to be completed next spring .", + "label": 0 + }, + { + "text": "RBS invites pitches for broker role ahead of privatisation - sources", + "label": 1 + }, + { + "text": "COMPTEL CORPORATION Sami Ervio President and CEO Distribution : NASDAQ OMX Helsinki Major media Comptel Dynamic OSS solutions enable telecom service providers to deliver services flexibly and charge them effectively .", + "label": 0 + }, + { + "text": "Centrica extends gas deals with Gazprom, Statoil", + "label": 1 + }, + { + "text": "The server is responsible for managing devices and user accounts and a desktop client application enables remote access to the mobile phones .", + "label": 0 + }, + { + "text": "Tikkurila Powder Coatings has some 50 employees at its four paint plants , which generated revenues of EUR2 .4 m USD3 .3 m in 2010 .", + "label": 0 + }, + { + "text": "The most popular mobile data services are email , surfing the internet , as well as news and weather services .", + "label": 0 + }, + { + "text": "During the rally , which was authorized by the city administration , a consulate official came out to the workers , spoke to them and took a letter from them .", + "label": 0 + }, + { + "text": "Finnish Rautaruukki 's engineering division Ruukki Engineering will re-organise its operations in the Mo i Rana plant in Norway .", + "label": 0 + }, + { + "text": "HELSINKI (Thomson Financial)- Kemira GrowHow swung into profit in its first quarter earnings on improved sales , especially in its fertilizer business in Europe , which is normally stronger during the first quarter .", + "label": 1 + }, + { + "text": "Systeemitiimi 's sales and project resources will also be strengthened , director Paul Skogberg said .", + "label": 1 + }, + { + "text": "In the second quarter of 2010 , the group 's pretax loss narrowed to EUR 400,000 from EUR 600,000 .", + "label": 1 + }, + { + "text": "The net sales of Healthcare Trade business in 2009 were EUR 145.1 million EUR 155.2 million and operating profit EUR 8.9 million EUR 7.9 million .", + "label": 0 + }, + { + "text": "The company 's board of directors would propose a dividend of EUR1 .00 per share for 2005 .", + "label": 0 + }, + { + "text": "No price was given for the transaction , which merges two London companies that have worked together on a number of projects including delivery of timetables for Britain 's National Express East Coast rail networks .", + "label": 0 + }, + { + "text": "MarketsProperty stocks under pressure after Standard Life fund move", + "label": -1 + }, + { + "text": "U.K. Stocks Resume Gains to Rally to Record; CRH, Tullow Climb", + "label": 1 + }, + { + "text": "Britain's FTSE buoyed by Admiral, building sector gains", + "label": 1 + }, + { + "text": "CompaniesTesco sheds Harris & Hoole coffee shops", + "label": 1 + }, + { + "text": "Barclays brands financier Amanda Staveley's $1bn claim as \"misconceived\"", + "label": -1 + }, + { + "text": "Solteq Plc ANNOUNCEMENT 16.12.2010 SHARE REPURCHASE 16.12.2010 In the Helsinki Stock Exchange Solteq Plc now holds a total of 486.969 shares including the shares repurchased on 16.12.2010 .", + "label": 0 + }, + { + "text": "Osborne extends Lloyds sell-off plan", + "label": -1 + }, + { + "text": "Tesco Mobile Partners with Unlockd to Change the Way Consumers Use and Pay for Their Mobile Phones", + "label": 1 + }, + { + "text": "Teva First-Quarter Net Rises 11% Amid Mylan Takeover Battle", + "label": 1 + }, + { + "text": "UPM-Kymmene said its has ` not indicated any interest in any domestic consolidations ' .", + "label": 0 + }, + { + "text": "The group posted net sales of 35.3 mln euro $ 46.5 mln and an operating profit of 760,000 euro $ 1.0 mln in 2005 .", + "label": 0 + }, + { + "text": "Aviva shuts Friends Life head office in rapid integration move", + "label": 0 + }, + { + "text": "Efore 's results for the last quarter showed an even faster improvement as the company managed to better source its components .", + "label": 1 + }, + { + "text": "The company expects net sales of 65 mln euro ( $ 85.1 mln ) for 2006 .", + "label": 0 + }, + { + "text": "BP cuts capex for third time this year to deal with weak oil", + "label": -1 + }, + { + "text": "RBS Pays $1.7 Billion to Scrap U.K. Treasury's Dividend Rights", + "label": 0 + }, + { + "text": "Shell fined by Scottish court for 2011 North Sea oil spill", + "label": -1 + }, + { + "text": "Affecto expects its net sales for the whole 2010 to increase from the 2009 level when they reached EUR 103 million .", + "label": 1 + }, + { + "text": "Net sales rose by 25.5 % year-on-year to EUR59 .6 m , as the number of chargers delivered went up by 41 % to 65.9 million pieces .", + "label": 1 + }, + { + "text": "The recent troubles simply make NETeller cheaper .", + "label": -1 + }, + { + "text": "The platen edges in contact with the band are provided with a seal having a protrusion directed towards the middle area of the platen , and means are provided to exert and maintain a pressure in the volume defined by the platen , the band and the seal . ''", + "label": 0 + }, + { + "text": "Look out for vintage fabric cushion covers , '70s coffee pots , ceramic serving dishes , cocktail glasses , and stainless steel party dishes .", + "label": 0 + }, + { + "text": "The order comprises all production lines for a plywood mill , company said in a statement received by Lesprom Network .", + "label": 0 + }, + { + "text": "Persimmon shares nudge higher as housebuilder sees strong 2014", + "label": 1 + }, + { + "text": "CF2 Pty Ltd became a substantial holder in Renison Consolidated Mines NL on January 25 with 150 million shares ( 7.9 pc ) .", + "label": 0 + }, + { + "text": "Seventy-three of those also have more extensive training in products built on the latest ArchestrA technologies , such as the Wonderware System Platform .", + "label": 0 + }, + { + "text": "The opportunity will be available only for few employees , however .", + "label": 0 + }, + { + "text": "Operating profit rose to EUR 9.2 mn from EUR 6.8 mn in the corresponding period in 2007 .", + "label": 1 + }, + { + "text": "2009 3 February 2010 - Finland-based steel maker Rautaruukki Oyj ( HEL : RTRKS ) , or Ruukki , said today it slipped to a larger-than-expected pretax loss of EUR46m in the fourth quarter of 2009 from a year-earlier profit of EUR45m .", + "label": -1 + }, + { + "text": "Rio Approves $5.3 Billion Oyu Tolgoi Copper Mine Expansion", + "label": 1 + }, + { + "text": "Militants fire rockets at Algerian BP/Statoil gas plant, no casualties", + "label": -1 + }, + { + "text": "Stora Enso Oyj said its second-quarter result would fall by half compared with the same period in 2007 .", + "label": -1 + }, + { + "text": "Cooper SH , the UK distributor for lift equipment manufacturer Konecranes , won the five-year deal which involves low maintenance and fuel saving technologies .", + "label": 1 + }, + { + "text": "These measures are expected to produce annual cost savings of EUR 1.5 million starting in 2007 .", + "label": 1 + }, + { + "text": "Furthermore , efficiency improvement measures initiated earlier are now bearing fruit , '' CEO Jan Lang said .", + "label": 1 + }, + { + "text": "Pearson to cut 4000 jobs as it warns on profits", + "label": -1 + }, + { + "text": "This would be a huge process .", + "label": 0 + }, + { + "text": "Can Standard Chartered PLC, BP plc & Burberry Group plc Keep Charging?", + "label": 0 + }, + { + "text": "BG Group Still Happy With Shell's $70 Billion Offer", + "label": 1 + }, + { + "text": "Auto Trader share price surges as company floats on LSE", + "label": 1 + }, + { + "text": "Mongolia and Rio Tinto agree $5bn Oyu Tolgoi mine expansion", + "label": 1 + }, + { + "text": "Kalmar has been awarded a new 5-year contract to supply its Rough Terrain Container Handler RTCH .", + "label": 1 + }, + { + "text": "Operating loss totalled EUR 5.2 mn , compared to a loss of EUR 3.4 mn in the corresponding period in 2008-2009 .", + "label": -1 + }, + { + "text": "Shropshire and Mid Wales trains to be hit again in new strike by Arriva drivers", + "label": -1 + }, + { + "text": "AstraZeneca profit down as sales of stalwarts fade", + "label": -1 + }, + { + "text": "It projected revenue of $ 2.2 billion to $ 2.3 billion , slightly higher than analyst estimates of $ 2.19 billion .", + "label": 1 + }, + { + "text": "20 October 2010 - Finnish metal products company Componenta Oyj HEL : CTH1V said yesterday that its net loss narrowed to EUR7m for the first nine months of 2010 from EUR23 .3 m for the same period of 2009 .", + "label": 1 + }, + { + "text": "Intertek Group announces strategic update outlining its plan", + "label": 0 + }, + { + "text": "Crown Castle buys Tower Development Corp for $461 million", + "label": 1 + }, + { + "text": "Commission income decreased to EUR 3.8 mn , compared to EUR 4.6 mn in the third quarter of 2007 .", + "label": -1 + }, + { + "text": "EXCLUSIVE-BP, China's CNPC to unveil oil alliance - sources", + "label": 1 + }, + { + "text": "Kiosk and cinema operations have suffered , in particular .", + "label": -1 + }, + { + "text": "Valeant Names Interim Leader as CEO Remains Hospitalized", + "label": 0 + }, + { + "text": "Warren Buffett's Berkshire adds to favorites IBM, Wells Fargo", + "label": 1 + }, + { + "text": "FTSE ends lower on weaker miners, Tesco outperforms", + "label": 1 + }, + { + "text": "The total number of voting rights is 74,612,523 .", + "label": 0 + }, + { + "text": "Kalnapilio-Tauro Grupe ( Kalnapilis-Tauras Group ) , which is owned by Denmark 's Royal Unibrew , raised its market share to 25.2 percent from 23.91 percent , as beer sales for the nine months jumped by 11.4 percent to 52.99 million liters .", + "label": 1 + }, + { + "text": "Cardona slowed her vehicle , turned around and returned to the intersection , where she called 911 .", + "label": 0 + }, + { + "text": "Insight - Britain's bank tax jump threatens to push HSBC, StanChart to new home", + "label": -1 + }, + { + "text": "Ragutis , controlled by the Finnish brewery Olvi , achieved a 5.7 percent rise in beer sales to 22.6 million liters and held a 10.75 percent market share .", + "label": 1 + }, + { + "text": "DBS, Julius Baer emerge as potential bidders for Barclays Asia wealth unit ...", + "label": 1 + }, + { + "text": "Finnish Scanfil , a systems supplier and contract manufacturer to the communications sector and the electronics industry , reports its net sales totalled EUR 94.7 mn in the first half of 2010 , down from EUR 99.5 mn in the first half of 2009 .", + "label": -1 + }, + { + "text": "Operating profit fell to EUR 6.2 mn from EUR 8.5 mn in the third quarter of 2007 .", + "label": -1 + }, + { + "text": "The company pledged that the new software would render e-mails and other documents much as they appear on desktop computers .", + "label": 0 + }, + { + "text": "Glencore blames rivals for creating metals glut", + "label": -1 + }, + { + "text": "Earnings per share were higher at 0.48 against 0.37 a year before and ahead of market consensus of 0.40 eur .", + "label": 1 + }, + { + "text": "Randgold profit hit by poor gold price but dividend still increases", + "label": 0 + }, + { + "text": "Sports Direct Shares Tumble as Founder Ashley Sells Shares", + "label": -1 + }, + { + "text": "Barclays hit with record fine as six banks settle forex scandal", + "label": -1 + }, + { + "text": "The contract also includes installation work in a new multistorey carpark for close on 1,000 vehicles .", + "label": 0 + }, + { + "text": "CompaniesHome Retail trims gains but is considered 'in play'", + "label": 0 + }, + { + "text": "Drugmaker Shire to buy Baxalta for $32 billion after 6-month pursuit", + "label": 1 + }, + { + "text": "Please inform IR Johanna Koskinen of your participation no later than 20 April at 10 a.m. A telephone conference for financial analysts and investors , conducted in English , will begin at 3:00 p.m. Finnish time ( EET ) .", + "label": 0 + }, + { + "text": "Net sales of the Lehdentekijat unit was approximately EUR 14 million in 2007 and it had 70 employees .", + "label": 0 + }, + { + "text": "For 2009 , net profit was EUR 3 million and the company paid a dividend of EUR 1.30 apiece .", + "label": 0 + }, + { + "text": "The Finnish government announced Wednesday that it sold a 32 percent stake in chemicals and fertilizer group Kemira Oyj for ( x20ac ) 655.6 million ( $ 890US million ) , sending the company 's share price up 6 percent .", + "label": 1 + }, + { + "text": "After the transaction , M-real will own 30 % in Metsa-Botnia and UPM -- 17 % .", + "label": 0 + }, + { + "text": "Barclays set to name former JPMorgan banker Staley as new CEO", + "label": 0 + }, + { + "text": "Sainsbury's pressed to raise bid for Home Retail Group", + "label": 1 + }, + { + "text": "The company plans to expand into the international market through its subsidiaries and distributors from 2011 onwards .", + "label": 1 + }, + { + "text": "BHP Billiton drags FTSE lower after slashing dividend", + "label": -1 + }, + { + "text": "Efore has decided to establish a company for eletric vehicle ( EV ) business in China .", + "label": 0 + }, + { + "text": "ITV shares dip after update", + "label": -1 + }, + { + "text": "Warren Buffett's Berkshire Hathaway quarterly profit jumps almost one third", + "label": 1 + }, + { + "text": "Net sales dropped by 6 % year-on-year to EUR 11.9 million .", + "label": -1 + }, + { + "text": "Insurer Old Mutual picks Standard Bank's Hemphill as new CEO", + "label": 0 + }, + { + "text": "Net sales totaled EUR 93.6 mn , up from EUR 93.2 mn in the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "Shell Targets Gains From Brazil to LNG With Takeover of BG Group", + "label": 1 + }, + { + "text": "The figure includes the change in the fair value of the property portfolio , EUR 26.2 million .", + "label": 0 + }, + { + "text": "The company also said that its board of directors has proposed a profit distribution of EUR0 .92 per share .", + "label": 0 + }, + { + "text": "FTSE hits three-week low as financials, Tesco fall", + "label": -1 + }, + { + "text": "Turnover rose to EUR21m from EUR17m .", + "label": 1 + }, + { + "text": "PRESS: HSBC Chairman Hints Bank May Retain UK Domicile - Tel", + "label": 0 + }, + { + "text": "The company reiterates its outlook for 2009 .", + "label": 0 + }, + { + "text": "Sales boost for new Morrisons chief David Potts as Tesco turnaround stalls", + "label": -1 + }, + { + "text": "Italy Probes Shell's Role in Purchase of Nigerian Oil Block", + "label": -1 + }, + { + "text": "Koff 's market share of the volume of the market was 23.4 % , Karhu 's 21.4 % .", + "label": 0 + }, + { + "text": "Berkshire applies to boost Wells Fargo stake above 10 percent", + "label": 1 + }, + { + "text": "UK WINNERS & LOSERS: Aviva And Friends Life Lead FTSE 100 Gainers", + "label": 1 + }, + { + "text": "Oilfield services firm Petrofac's debt shoots up 50 per cent", + "label": -1 + }, + { + "text": "The diesel margin has remained high .", + "label": 1 + }, + { + "text": "The stock was hit by the profit warning of Finnish rival Rautaruukki Oyj ( OMX : RTRKS ) .", + "label": -1 + }, + { + "text": "Shell CEO van Beurden's remuneration fell in 2015", + "label": 0 + }, + { + "text": "Finnish forestry company UPM-Kymmene and waste management company Lassila & Tikanoja said on Jan. 30 they were planning to produce ethanol and energy from commercial and industrial waste .", + "label": 0 + }, + { + "text": "The Latest: Buffett says cuts will pay off at Kraft Heinz", + "label": 1 + }, + { + "text": "Cymed 's net sales are expected to amount to EUR 3.5 mn in 2006 .", + "label": 0 + }, + { + "text": "BasWare 's CEO Ilkka Sihvo comments in conjunction with the Interim Report : `` As a whole , BasWare succeeded well in the second quarter of 2007 .", + "label": 1 + }, + { + "text": "According to CEO Matti Perkonoja of the parent company HKScan , the company 's performance in the first quarter of 2010 has remained clearly below the level of the corresponding period in 2009 .", + "label": -1 + }, + { + "text": "Pharmaceutical market in Italy Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Italy .", + "label": 0 + }, + { + "text": "At end-August , Sampo was Nordea 's biggest shareholder with a 20.6 % stake , followed by the state with 19.9 % .", + "label": 0 + }, + { + "text": "Tallink Silja attributes the significant drop to problems with the booking system that was taken into operation in October , the sale of trailer ferry ` Sky Wind ' and the route between Stockholm and Riga , which has won passengers from the Helsinki-Stockholm route .", + "label": -1 + }, + { + "text": "It comes complete with an LCD touch screen system for selection of your chosen function and prices start at around the pounds 4,805 mark .", + "label": 0 + }, + { + "text": "Norway's sovereign wealth fund says backed Shell CEO's pay", + "label": 0 + }, + { + "text": "Finnish OKO bank has signed a cooperation agreement with Raiffeisen concerning Finnish companies ' investments in Russia .", + "label": 1 + }, + { + "text": "Shares of Standard Chartered ( STAN ) rose 1.2 % in the FTSE 100 , while Royal Bank of Scotland ( RBS ) shares rose 2 % and Barclays shares ( BARC ) ( BCS ) were up 1.7 % .", + "label": 1 + }, + { + "text": "Tesco to close remaining Homeplus stores in UK", + "label": -1 + }, + { + "text": "Erkki Jarvinen , President of Rautakirja and the head of the Sanoma Trade division , will leave his current tasks in spring 2009 for a similar position outside the Sanoma Group .", + "label": 0 + }, + { + "text": "Mursula said they tried to gather macro-economic perspective to see how Malaysia was doing .", + "label": 0 + }, + { + "text": "GKN to buy Fokker Technologies for 706 mln euros", + "label": 1 + }, + { + "text": "Barclays Not Convinced by Gains in South African Stocks: Chart", + "label": -1 + }, + { + "text": "Clydesdale Bank hit with record PPI fine for 'unacceptable' staff lies", + "label": -1 + }, + { + "text": "Loss for the period totalled EUR 15.6 mn compared to a profit of EUR 6.3 mn in 2008 .", + "label": -1 + }, + { + "text": "Rio Tinto announces long-delayed expansion of Mongolia mine", + "label": 1 + }, + { + "text": "After Barclays and Bank of America, Citigroup has blockchain in sight", + "label": 0 + }, + { + "text": "Aspo has also investigated the sales opportunities of Kaukomarkkinat 's electronics business .", + "label": 0 + }, + { + "text": "The combined company had pro-forma net sales of 140 mln euro $ 188.9 mln and an operating profit of 13 mln euro $ 17.5 mln for 2006 .", + "label": 0 + }, + { + "text": "The government has instead proposed an exchange of the state 's stake in LMT to TeliaSonera 's stake in Lattelecom .", + "label": 0 + }, + { + "text": "These include software development for internet and mobile telephone content , communications , value-added software , financial services , security applications , systems integration and electronics .", + "label": 0 + }, + { + "text": "Karachi , Sept. 14 -- Ixonos , a world leader in the development and integration of solutions for handheld devices , announced that it is implementing a touch screen mobile user interface solution for the Intel Atom processor Z6xx based smartphones .", + "label": 0 + }, + { + "text": "We make available the following brand-new market analyses : Cement - UK Cement - Poland Cement - Belgium These analyses give a clear overview of the actual situation and future outlook of the cement industry in some European countries .", + "label": 0 + }, + { + "text": "The size of a cider bottle will remain unchanged .", + "label": 0 + }, + { + "text": "Persimmon revenues lifted 12% by post-election confidence", + "label": 1 + }, + { + "text": "Dixons Carphone profit boost on strong sales", + "label": 1 + }, + { + "text": "Net sales by the Sata-Flexo Group came to some EUR4 .3 m in 2007 , and the group companies employed a total of 40 people .", + "label": 0 + }, + { + "text": "The contract involves refurbishing the bathrooms of 189 units as well as re-plumbing their water and sewer pipes .", + "label": 0 + }, + { + "text": "Exel 's board of directors will propose a dividend of 0.2 euro $ 0.3 per share for 2006 at the annual general meeting on April 19 , 2007 .", + "label": 0 + }, + { + "text": "According to its notice , Skandinaviska Enskilda Banken AB publ Helsinki Branch has on 10 August 2009 divested in total 11,958,000 Alma Media shares to Ilkka-Yhtyma Oyj and Kaleva Kustannus Oy , as the conditions of the agreement made by the companies on 1 July 2009 fulfilled .", + "label": 0 + }, + { + "text": "Indy future in doubt as Johnston Press lines up deal for 'i'", + "label": 0 + }, + { + "text": "Horizonte acquires neighbouring Glencore nickel property in Brazil", + "label": 0 + }, + { + "text": "As of July 2 , 2007 , the market cap segments will be updated according to the average price in May 2007 .", + "label": 0 + }, + { + "text": "UPDATE 1-BHP Billiton's credit ratings fragile in FY16, agencies warn", + "label": -1 + }, + { + "text": "HSBC, Standard Chartered Lead Asia Bank Rout as U.K. Votes 'Out'", + "label": -1 + }, + { + "text": "Royal Dutch Shell to Buy BG Group for Nearly $70 Billion", + "label": 1 + }, + { + "text": "Tieto offers Aktia a good foundation and the required support services for implementing the update project , ' says Juha Volotinen , responsible for Aktia 's web services .", + "label": 1 + }, + { + "text": "Of the price , Kesko 's share is 10 mln euro $ 15.5 mln and it will recognize a gain of 4.0 mln euro $ 6.2 mln on the disposal which will be included in the result for the second quarter of 2008 .", + "label": 1 + }, + { + "text": "In the building and home improvement trade , sales decreased by 6.3 % , totalling EUR 154.1 mn .", + "label": -1 + }, + { + "text": "Another noticeable thing is that the search for Tata and Airtel brands was mostly related to ` broadband connections ' .", + "label": 0 + }, + { + "text": "`` We have a group of 120 volunteers made up of Digicel employees who will manage the distribution ... Over the next week , they will distribute the 19,000 tents to more than 150 organizations , '' Digicel Haiti CEO Maarten Boute said .", + "label": 0 + }, + { + "text": "New BG Group CEO Helge Lund Starts Earlier Than Expected", + "label": 0 + }, + { + "text": "Silicon Fen' champion brings exacting approach to Rolls-Royce", + "label": 0 + }, + { + "text": "Here's my 10-point plan to make Tesco great again", + "label": 0 + }, + { + "text": "Sarantel , based in Wellingborough , UK , designs high-performance antennas for portable wireless devices .", + "label": 0 + }, + { + "text": "PCS Digital Guatemala has been using Tecnomen 's prepaid system in Telgua fixed networks as well as code division multiple access , or CDMA , and global system for mobile communication , or GSM , since 2003 .", + "label": 0 + }, + { + "text": "Unilever posts weaker-than-expected fourth quarter", + "label": -1 + }, + { + "text": "The group reiterated its forecast that handset manufacturers will sell around 915 mln units this year globally .", + "label": 0 + }, + { + "text": "The company has delivered the technical infrastructure , used by NAV for their data warehouse and business intelligence initiatives .", + "label": 0 + }, + { + "text": "U.K. Shares Extend Rebound for Second Day as EasyJet Surges", + "label": 1 + }, + { + "text": "Earnings per share EPS in 2005 decreased to EUR0 .66 from EUR1 .15 in 2004 .", + "label": -1 + }, + { + "text": "Morrisons share price: Founder's son to assist CEO with turnaround", + "label": 0 + }, + { + "text": "Hammerson, JV Partner secure ownership of Ireland's Dundrum - Quick Facts", + "label": 1 + }, + { + "text": "London stock exchange shareholders vote on merger deal under Brexit cloud", + "label": -1 + }, + { + "text": "ADP News - Feb 25 , 2009 - Finnish printed circuit board PCB maker Aspocomp Group Oyj HEL : ACG1V said today it swung to a net profit of EUR 300,000 USD 385,000 for 2008 versus a net loss of EUR 65.3 million", + "label": 1 + }, + { + "text": "Thanks to its extensive industry and operations experience , Cybercom offers strategic and technological expertise to these markets : telecom , industry , media , public sector , retail , and banking and financial services .", + "label": 0 + }, + { + "text": "CapMan , with offices in Helsinki , Stockholm , Copenhagen and Oslo , manages Nordic buyout , mezzanine , technology , life science and real estate funds with approximately EUR2 .6 bn in total capital .", + "label": 0 + }, + { + "text": "Teva: FDA Approves Generic Version of AstraZeneca Heartburn Drug", + "label": 1 + }, + { + "text": "The steelmaker said that the drop in profit was explained by the continuing economic uncertainty , mixed with the current drought in bank lending , resulting in a decline in demand for its products as customers find it increasingly difficult to fund operations .", + "label": -1 + }, + { + "text": "Britain's FTSE lifted by solid Kingfisher", + "label": 1 + }, + { + "text": "New Chairman of the Board of Directors , Mr Chaim Katzman , will give a presentation and answer questions .", + "label": 0 + }, + { + "text": "Operating profit totalled EUR 21.1 mn , up from EUR 18.6 mn in 2007 , representing 9.7 % of net sales .", + "label": 1 + }, + { + "text": "The low capacity utilisation rate in steel production considerably increases the fixed costs per unit of steel produced .", + "label": -1 + }, + { + "text": "Several large stocks tacked lower , however .", + "label": -1 + }, + { + "text": "Saudi Aramco, Shell plan to break up Motiva, divide up assets", + "label": 0 + }, + { + "text": "Yakima created the position for him after emerging from economic downturns of its own .", + "label": 0 + }, + { + "text": "Cost savings will then rise to some 20 mln eur a year from 2007 , OKO said .", + "label": 1 + }, + { + "text": "The Innova 2 building will be located close to downtown , in the immediate vicinity of Paviljonki and the travel center , and within walking distance from the heart of the city thanks to the trade fair bridge .", + "label": 0 + }, + { + "text": "The number of class A shares remains unchanged at 9,526,089 shares .", + "label": 0 + }, + { + "text": "Earnings per share for the quarter were also higher year-on-year at 0.33 eur versus 0.27 , and above market expectations of 0.28 eur .", + "label": 1 + }, + { + "text": "Filmiteollisuus Fine Ab will be transferred to Talentum Oyj in the form of a subsidiary .", + "label": 0 + }, + { + "text": "The first of the two project phases is expected to be completed by the end of 2012 .", + "label": 0 + }, + { + "text": "Finnish forest machinery manufacturer Ponsse has agreed with Volvo on the start of cooperation in Latin America .", + "label": 1 + }, + { + "text": "BP Reports $583 Million Loss in First Quarter", + "label": -1 + }, + { + "text": "Finnair 's total traffic decreased by 8.7 % in terms of revenue passenger kilometres .", + "label": -1 + }, + { + "text": "Financial , strategic and operational factors are considered .", + "label": 0 + }, + { + "text": "The deal is subject to approval by the Norwegian competition authorities .", + "label": 0 + }, + { + "text": "Verizon and AT&T accused of hurting rivals", + "label": -1 + }, + { + "text": "BP to pay investors $175m over Gulf spill claims", + "label": -1 + }, + { + "text": "To see a slide show of all the newest product releases from Fiskars .", + "label": 0 + }, + { + "text": "The company closed last year with a turnover of about four million euros .", + "label": 0 + }, + { + "text": "The contract includes heating plant equipment and associated installation work .", + "label": 0 + }, + { + "text": "Currency causes full-year headaches for SABMiller", + "label": -1 + }, + { + "text": "Our solutions are fully Arabized , and our message is that we want to become the IT partner of choice for businesses in the Near-East region .", + "label": 0 + }, + { + "text": "City spirits sink after Diageo comes up short with sales slide", + "label": -1 + }, + { + "text": "AstraZeneca : FDA Panel Reviews Savor Study Results For Onglyza ...", + "label": 0 + }, + { + "text": "L&G still paying price for dividend cut during crisis, chief says", + "label": -1 + }, + { + "text": "StanLife leads FTSE after strong earnings", + "label": 1 + }, + { + "text": "Loudeye Corp. , up $ 2.56 at $ 4.33 Nokia Corp. , down 10 cents at $ 19.46 Nokia agreed to buy the digital music distributor for $ 60 million .", + "label": 0 + }, + { + "text": "The passenger tunnel is expected to be put into operation in 2009 .", + "label": 0 + }, + { + "text": "The EBRD is using its own funds to provide a 21.6 mln A loan while the B portion of 10 mln Euros has been syndicated to two Finnish commercial banks , Nordea Bank Finland Plc 7.7 mln Euros and Pohjola Bank Plc 2.3 mln Euros .", + "label": 0 + }, + { + "text": "Tielinja generated net sales of 7.5 mln euro $ 9.6 mln in 2005 .", + "label": 0 + }, + { + "text": "The economic occupancy rate of Sponda 's property portfolio rose to 91.2 % from 88.8 % in 2006 .", + "label": 1 + }, + { + "text": "Barclays Executive Harrison Denies Knowledge of Libor Fixing", + "label": -1 + }, + { + "text": "The energy shot is packed in a 100-millilitre bag with a screw cap .", + "label": 0 + }, + { + "text": "The subscription period of Amer Sports ' 2002 warrant scheme will end on 31 December 2007 .", + "label": 0 + }, + { + "text": "Marathon estimates the value of its remaining stake in Protalix at $ 27 million .", + "label": 0 + }, + { + "text": "The 10,000-odd square metre plot that Stockmann has bought for the Nevsky Center shopping center is located on Nevsky Prospect , St Petersburg 's high street , next to the Vosstaniya Square underground station , in the immediate vicinity of Moscow Station .", + "label": 0 + }, + { + "text": "GSK reveals strong trial results for shingles drug", + "label": 1 + }, + { + "text": "BP wins right to appeal some Gulf spill damages claims", + "label": 1 + }, + { + "text": "The maximum number of new shares to be offered is 22 million .", + "label": 0 + }, + { + "text": "Diageo Sells Ryder Cup Venue Gleneagles Hotel to Ennismore Group", + "label": 0 + }, + { + "text": "Morrisons and Debenhams surprise City with Christmas bounce back", + "label": 1 + }, + { + "text": "AstraZeneca Teams With Daiichi Sankyo To Sell Movantik In US", + "label": 1 + }, + { + "text": "MOVES-Ex-shadow minister McClymont joins Aberdeen Asset Management", + "label": 0 + }, + { + "text": "`` Social networking and location-based service trends comprise a significant share of the Internet traffic today and are appealing to MID users .", + "label": 0 + }, + { + "text": "Britain's FTSE led lower by ITV, William Hill", + "label": -1 + }, + { + "text": "Hargreaves Lansdown share price falls as costs mount - although pensions ...", + "label": -1 + }, + { + "text": "Teleste 's hybrid TV solution includes components for the whole process of delivering video services to consumers from content acquisition and service creation to delivery through a range of access solutions , including HFC ( hybrid fibre-coaxial ) , xDSL , EttH , and FttH .", + "label": 0 + }, + { + "text": "Report: Financial Times up for sale", + "label": 0 + }, + { + "text": "GSK aims to file up to 20 new drugs for approval by 2020", + "label": 1 + }, + { + "text": "The Division also includes joint sales , marketing and controlling functions for these units .", + "label": 0 + }, + { + "text": "CompaniesCentrica shares drop 7% amid capital raise", + "label": -1 + }, + { + "text": "The Stena Poseidon is a so-called Panamax tanker , designed to be able to pass through the narrow passages in the Panama Canal 's locks .", + "label": 0 + }, + { + "text": "Recovery has been evident in the liquid handling business , particularly in areas outside Europe and primarily in North America and Asia .", + "label": 1 + }, + { + "text": "Finnish construction group Lemmink+ñinen has been awarded two road building contracts by the Lithuanian transport administration .", + "label": 1 + }, + { + "text": "Weir Group offloads two renewables units", + "label": 0 + }, + { + "text": "Other potential clients include public administration organizations investing in utility networks and services .", + "label": 0 + }, + { + "text": "` By separating side businesses we will be able to faster expand and develop Tapro retail network .", + "label": 1 + }, + { + "text": "Tesco chief excutive Dave Lewis sees 'encouraging signs' despite profits tumble", + "label": 1 + }, + { + "text": "Feed companies Suomen Rehu and Raisio do no import GMO feed .", + "label": 0 + }, + { + "text": "Valeant, AstraZeneca strike psoriasis drug deal", + "label": 1 + }, + { + "text": "Strong growth has continued also in China .", + "label": 1 + }, + { + "text": "FTSE led lower by M&S, GlaxoSmithKline", + "label": -1 + }, + { + "text": "Financial terms were n't disclosed .", + "label": 0 + }, + { + "text": "Credit checker Experian reports fall in full-year profit", + "label": -1 + }, + { + "text": "Honkarakenne 's customer in this project is one of the biggest real estate companies in Kazakhstan , according to the company .", + "label": 0 + }, + { + "text": "Ahlstrom 's 5,800 employees serve customers via sales offices and production facilities in more than 20 countries on six continents .", + "label": 0 + }, + { + "text": "InterContinental Hotels Group share price climbs on $1.5bn special dividend", + "label": 1 + }, + { + "text": "Tesco share price down as grocer faces SFO investigation outcome", + "label": -1 + }, + { + "text": "Operating loss totaled EUR 0.8 mn , compared to a profit of EUR 0.5 mn .", + "label": -1 + }, + { + "text": "AstraZeneca's Good Deal Turns Bad", + "label": -1 + }, + { + "text": "FL Group 's private equity division manages all operating companies , including Icelandair Group , FL Travel Group , Bluebird and Sterling .", + "label": 0 + }, + { + "text": "London Stock Exchange seals £22 billion merger with Germany's Deutsche Börse", + "label": 1 + }, + { + "text": "A filter is used to pre-process packets to determine if they need to be further processed by the processor of the network device .", + "label": 0 + }, + { + "text": "Earlier today , Geberit 's Finnish rival Uponor OYJ cut its full-year sales growth forecast to 6 pct from 10 pct , blaming tough conditions in Germany and the US , as well as currency factors .", + "label": -1 + }, + { + "text": "AstraZeneca sells US gout drug rights to Ironwood for up to $265 million", + "label": 1 + }, + { + "text": "Stora Enso 's third-quarter pre-tax profit doubled to EUR 197mn .", + "label": 1 + }, + { + "text": "Total value of the contract is about EUR 10mn .", + "label": 0 + }, + { + "text": "ARM Holdings plc Partners With International Business Machines Corp. To Drive ...", + "label": 1 + }, + { + "text": "Pretax profit decreased by 37 % to EUR 193.1 mn from EUR 305.6 mn .", + "label": -1 + }, + { + "text": "In 2009 , it reported net sales of approximately EUR 6mn .", + "label": 0 + }, + { + "text": "Finnish flexible packaging manufacturer Suominen Corporation reports net sales of EUR 54.5 mn in the first quarter of 2008 , compared with EUR 54.3 mn a year earlier .", + "label": 1 + }, + { + "text": "BT Group's third quarter revenues rise as restructure unveiled", + "label": 1 + }, + { + "text": "In 2008 , AVC Systemhaus had net sales of EUR 10 million USD 7.1 m .", + "label": 0 + }, + { + "text": "The expansion will be delivered in the fourth quarter of 2006 .", + "label": 0 + }, + { + "text": "In Q1 of 2010 , Bank of +àland 's net interest income increased from EUR 9.1 mn to EUR 9.7 mn .", + "label": 1 + }, + { + "text": "The total restructuring costs are expected to be about EUR 30mn , of which EUR 13.5 mn was booked in December 2008 .", + "label": 0 + }, + { + "text": "` After fixing our home-base , cutting costs and closing the non-profitable units , we are now looking at going forward , ' she said .", + "label": 1 + }, + { + "text": "Yesterday , Legrand issued its E300 million fixed rate deal maturing 2017 .", + "label": 0 + }, + { + "text": "Danske Bank is Denmark 's largest bank with 3.5 million customers .", + "label": 0 + }, + { + "text": "The inventors are Bylander Johan , Ponten Fredrik and Lundberg Jorgen .", + "label": 0 + }, + { + "text": "The subject of the project is provide to the company like : Software programming and consultancy services , Computer-related services , Data services , Computer support and consultancy services , Internet services etc. .", + "label": 0 + }, + { + "text": "According to Honka Japan 's Managing Director Marko Saarelainen , Honkarakenne exports about 200 ready made log houses to Japan a year .", + "label": 0 + }, + { + "text": "Sainsbury's says to outperform rivals in tough market", + "label": 1 + }, + { + "text": "The company said that currently the French distribution unit Ragot is located in Loudeac , Normandy , the distribution unit Waterqueen and line supplier Tortue in Saint Marcel in mid-France and the hook manufacturing unit VMC and hook distribution unit VMC Europe in Morvillars .", + "label": 0 + }, + { + "text": "The shopping center to be opened in St. Petersburg , Russia in November 2010 will turn the cash flow of Finnish department store chain Stockmann 's Russian operations positive for the first time in 2011 .", + "label": 1 + }, + { + "text": "The contract consists of a new building with an area of 18,000 sq m and renovation of the existing buildings .", + "label": 0 + }, + { + "text": "The company is in the process of building a new fleet and has placed orders for 10 P-Max tankers of 65,200 dwt .", + "label": 1 + }, + { + "text": "In July-September 2008 , YIT 's net sales increased to EUR 970.8 mn , compared to EUR 906.8 mn in the corresponding period in 2007 .", + "label": 1 + }, + { + "text": "UK government cuts stake in Lloyds to below 11 pct", + "label": -1 + }, + { + "text": "The Oxyview Pulse Oximeter is a common device to check patient blood-oxygen saturation level and pulse rate .", + "label": 0 + }, + { + "text": "Closely watched AstraZeneca cancer drug fails in mesothelioma", + "label": -1 + }, + { + "text": "The company then said it will focus its resources on clinical research .", + "label": 0 + }, + { + "text": "`` It wo n't happen overnight .", + "label": 0 + }, + { + "text": "Aldata noted that its Voice Supply Chain Technology approach enables VDW to integrate with warehouse management systems .", + "label": 0 + }, + { + "text": "It will focus on improving its profitability next year by streamlining operations .", + "label": 1 + }, + { + "text": "Export declined by 6 percent to 16.4 million liters .", + "label": -1 + }, + { + "text": "In the second quarter of 2010 , Raute 's net loss narrowed to EUR 123,000 from EUR 1.5 million in the same period of 2009 .", + "label": 1 + }, + { + "text": "Raute posted a net profit of 1.8 mln euro $ 2.6 mln for the third quarter of 2007 , compared to a net loss of 299,000 euro $ 430,000 for the corresponding period of 2006 .", + "label": 1 + }, + { + "text": "In the third quarter of 2010 , net sales increased by 5.2 % to EUR 205.5 mn , and operating profit by 34.9 % to EUR 23.5 mn .", + "label": 1 + }, + { + "text": "M+ñkel+ñ is demanding a new Board for the company as well as discussions on the merger of Alma media and media company Talentum .", + "label": 0 + }, + { + "text": "Insurer Axa ( PAR : CS ) slid by 5.35 % to EUR 14.15 , after Citigroup and ING slashed their targets on the stock .", + "label": -1 + }, + { + "text": "Barclays CEO poaches risk head from JP Morgan", + "label": 0 + }, + { + "text": "The policy was also aimed at making the companies more profitable and competitive .", + "label": 1 + }, + { + "text": "The final price will be specified by 14 May 2010 , the acquiring company said .", + "label": 0 + }, + { + "text": "Lloyds is cutting more than 600 jobs and shutting 21 branches", + "label": -1 + }, + { + "text": "Four ex-Barclays bankers sentenced for roles in Libor rate-rigging scandal", + "label": -1 + }, + { + "text": "Ackman, in email, says supports Valeant CEO Pearson", + "label": 0 + }, + { + "text": "All of Raisio 's divisions recorded an operating profit .", + "label": 1 + }, + { + "text": "The company anticipates its turnover for the whole 2010 to surpass that of the previous year when it was EUR 67.1 million .", + "label": 1 + }, + { + "text": "CEOs of BPM, UBI meet Italy econ minister as M&A talk heats up", + "label": 0 + }, + { + "text": "Royal Mail share price: Postal service issues trading update", + "label": 0 + }, + { + "text": "FTSE hits three-week low as financials, Tesco fall", + "label": -1 + }, + { + "text": "Reed Elsevier to rename itself RELX Group", + "label": 0 + }, + { + "text": "- Cash flow from operating activities before investments was EUR 0.8 -1.2 million .", + "label": 0 + }, + { + "text": "LSE-Deutsche Börse dealmakers wrong to ignore Brexit risk", + "label": -1 + }, + { + "text": "Buffett's Berkshire delivers 9.8% profit growth", + "label": 1 + }, + { + "text": "Philippines' San Miguel says to partner with Kirin if it bids for SABMiller's ...", + "label": 1 + }, + { + "text": "Kirsi Rantanen was previously development director for HK Ruokatalo 's poultry business .", + "label": 0 + }, + { + "text": "Meggitt share price tumbles as profit falls in 'challenging year'", + "label": -1 + }, + { + "text": "The product range includes marinated olives , cold cuts , and pates , for example .", + "label": 0 + }, + { + "text": "Dyson Wants to Create a Hair Dryer Revolution", + "label": 1 + }, + { + "text": "Do it for me' trend underpins UK sales growth at Kingfisher", + "label": 1 + }, + { + "text": "New Novator products are supposed to be exported .", + "label": 0 + }, + { + "text": "SSE cuts gas prices by 4.1% to become fifth of 'Big Six' providers to slash energy ...", + "label": 0 + }, + { + "text": "Orion Pharma 's operating profit increased by 42.5 % from 2004 .", + "label": 1 + }, + { + "text": "Kingfisher set to open another 200 Screwfix stores", + "label": 1 + }, + { + "text": "`` Directors and shareholders alike should ask why these practices were allowed to continue . ''", + "label": 0 + }, + { + "text": "UPDATE 1-BG Group's record output limits oil price fallout", + "label": 0 + }, + { + "text": "Tesco rebounds as buyers sense a bargain", + "label": 1 + }, + { + "text": "AB InBev approaches SABMiller to explore $250bn tie-up", + "label": 1 + }, + { + "text": "Frost sold shares for $ 19 million at $ 6.06-7 .12 per share , compared with Friday 's high of $ 11.33 and low of $ 10.14 .", + "label": -1 + }, + { + "text": "Nordea 's chairman of the board Hans Dalborg has informed the nomination committee that he will not be up for re-election at the Annual General Meeting in 2011 .", + "label": 0 + }, + { + "text": "Performance in the second half of 2009 exceeded expectations .", + "label": 1 + }, + { + "text": "World's banks may halve jobs and branches within 10 years - Barclays ex-boss", + "label": -1 + }, + { + "text": "Also in Latvia , we act as a partner for bakery customers in both production and product development .", + "label": 0 + }, + { + "text": "ALEXANDRIA , Va. , Jan. 9 -- United States Patent no. 7,862,685 , issued on Jan. 4 , was assigned to Kemira Chemicals Inc. ( Marietta , Ga. ) .", + "label": 0 + }, + { + "text": "Kraft, Cadbury's and Britvic in Total Recall: how pulling a product affects profit", + "label": 0 + }, + { + "text": "Operating profit totaled EUR 9.4 mn , down from EUR 11.7 mn in 2004 .", + "label": -1 + }, + { + "text": "Struggling Morrisons pays out £3m to sacked boss Dalton Philips – with more to ...", + "label": -1 + }, + { + "text": "R&D Loan ) .", + "label": 0 + }, + { + "text": "Prudential hit by withdrawals from M&G investment arm", + "label": -1 + }, + { + "text": "The product advisory does not apply to any other Nokia-branded battery , the company said .", + "label": 0 + }, + { + "text": "Companies evaluated in the report include Aladdin , CA , F-Secure , Kaspersky , Marshal , McAfee , Microsoft , Panda , Proofpoint , Sophos , Symantec , Trend Micro , Tumbleweed , and Websense .", + "label": 0 + }, + { + "text": "Uncertainties still exist , however .", + "label": 0 + }, + { + "text": "In 2009 , Fiskars ' cash flow from operating activities amounted to EUR121m , up from EUR97m in the previous year .", + "label": 1 + }, + { + "text": "The Filter Tips cover the volume range from 0.1-1200 -Ál including new sizes for 10 , 20 , 100-120 , 200 , 300 , 1000 and 1200 -Ál volume capacities .", + "label": 0 + }, + { + "text": "Valeant's Pearson says timing of return uncertain", + "label": 0 + }, + { + "text": "FastJet slams EasyJet founder Stelios for going public, is \"taking legal advice\" over letter about contractual ...", + "label": 0 + }, + { + "text": "InterContinental Hotels denies exploring sale or merger", + "label": 0 + }, + { + "text": "During the past 10 years the factory has produced many of Nokia 's most popular models including the Nokia 2760 , the Nokia 6300 as well as Nokia 's latest music device the Nokia 5800 Express Music .", + "label": 0 + }, + { + "text": "Passengers rise at EasyJet and Aer Lingus", + "label": 1 + }, + { + "text": "The three year turn-around program is expected to ensure Salomon 's future competitiveness , the company said .", + "label": 1 + }, + { + "text": "Experian says receives class actions related to T-Mobile breach", + "label": -1 + }, + { + "text": "Vacon controls a further 5 % of the company via investment fund Power Fund I. EUR 1.0 = USD 1.397", + "label": 0 + }, + { + "text": "CompaniesActelion shares hit record on Shire takeover talk", + "label": 1 + }, + { + "text": "Underground parking facilities will also be built on the basement floor .", + "label": 0 + }, + { + "text": "CFTC fines Barclays $560000 for inaccurate swaps position reports", + "label": -1 + }, + { + "text": "Finnish energy company Fortum has set itself new stricter target limits for short-term carbon dioxide emissions from its heat and electricity production .", + "label": 0 + }, + { + "text": "In this way , the industry 's starting point has been the consumers ' needs .", + "label": 0 + }, + { + "text": "SSH Communications Security Corporation is headquartered in Helsinki , Finland .", + "label": 0 + }, + { + "text": "Barclays settles with US investors over Libor manipulation", + "label": 1 + }, + { + "text": "Why I'd Buy ARM Holdings plc And BHP Billiton plc Today", + "label": 1 + }, + { + "text": "AstraZeneca heart drug boosted by major clinical trial success", + "label": 1 + }, + { + "text": "GlaxoSmithKline set to complete $20 billion Novartis asset swap next week", + "label": 0 + }, + { + "text": "Should You Follow Berkshire Hathaway Into Apple Stock?", + "label": 0 + }, + { + "text": "The train is expected to cross the Russian territory in 9 days , reaching the Vostochny port .", + "label": 0 + }, + { + "text": "Incap Contract Manufacturing Services Pvt Ltd , a subsidiary of Incap Corporation of Finland , plans to double its revenues by 2007-2008 .", + "label": 1 + }, + { + "text": "Barclays to speed up cost-cuts after new mis-selling hit", + "label": -1 + }, + { + "text": "There will be return flights from Stuttgart every morning , as well as evening departures on Thursdays , Fridays and Sundays .", + "label": 0 + }, + { + "text": "Admiral Group posts decline in 2014 earnings", + "label": -1 + }, + { + "text": "The Australian company Mirabela Nickel has awarded Outokumpu Technology a contract for grinding technology for its nickel sulfide project in Bahia State , Brazil .", + "label": 1 + }, + { + "text": "FDA approves Shire's Vyvanse for binge-eating disorder", + "label": 1 + }, + { + "text": "The order includes 48 ship cranes that will be delivered for 12 container feeders to be built at Wenchong shipyard in China .", + "label": 0 + }, + { + "text": "The long-standing partnership and commitment enable both parties to develop their respective operations , and ESL Shipping will also have the opportunity to update its fleet and improve its efficiency .", + "label": 1 + }, + { + "text": "Failure of leadership' behind Tesco troubles, says former CEO Leahy", + "label": -1 + }, + { + "text": "He joined Rautakirja in 1997 to lead one of its four business areas and took up the position of President and CEO in 2001 .", + "label": 0 + }, + { + "text": "Britain facing winter of blackouts as National Grid warns of tightest power ...", + "label": -1 + }, + { + "text": "Why I Would Put J Sainsbury plc In My Trolley Before Wm Morrison Supermarkets ...", + "label": -1 + }, + { + "text": "Merrill Lynch analyst Campbell Morgan upgraded his recommendation on PaperlinX from `` neutral '' to `` buy '' in May .", + "label": 1 + }, + { + "text": "The company confirmed its estimate for lower revenue for the whole 2009 than the year-ago EUR93 .9 m as given in the interim report on 5 August 2009 .", + "label": -1 + }, + { + "text": "Shell and BG Shareholders to Vote on Deal at End of January", + "label": 0 + }, + { + "text": "UK's Osborne may sell state-owned RBS shares at a loss -paper", + "label": -1 + }, + { + "text": "`` We could be there .", + "label": 0 + }, + { + "text": "U.S. Debt Lures Schroders as ECB Depresses Rates", + "label": 0 + }, + { + "text": "Finnish navigation device manufacturer Benefon that is changing its name to GeoSentric reports net sales of about EUR 1.1 mn in the second quarter of 2007 .", + "label": 0 + }, + { + "text": "U.K. Stocks Little Changed Near Record as Barclays, Shell Fall", + "label": -1 + }, + { + "text": "Pharmaceutical market in Poland Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Poland .", + "label": 0 + }, + { + "text": "British American Tobacco drops and sues PwC over pollution scandal", + "label": -1 + }, + { + "text": "Old Mutual First-Quarter Sales Up 18% Buoyed by Emerging Markets", + "label": 1 + }, + { + "text": "( ADP News ) - Feb 11 , 2009 - Finnish management software solutions provider Ixonos Oyj ( HEL : XNS1V ) said today its net profit rose to EUR 3.5 million ( USD 4.5 m ) for 2008 from EUR 3.1 million for 2007 .", + "label": 1 + }, + { + "text": "The changes in readership were not significant .", + "label": 0 + }, + { + "text": "The report examines the medical equipment business structure and operations , history and products , and provides an analysis of its key medical equipment revenue lines .", + "label": 0 + }, + { + "text": "Market Report: Aviva tops the market as traders approve of its choice of Friends", + "label": 1 + }, + { + "text": "The add-on order contains , among others , control valves and instrumentation as well as complete mill engineering and electrification with Metso drive controls .", + "label": 0 + }, + { + "text": "Gunneflo will be responsible of Oriola-KD 's Pharmaceutical Trade business in Sweden .", + "label": 0 + }, + { + "text": "RBS, Lloyds Most Exposed to Commercial Property, JPMorgan Says", + "label": -1 + }, + { + "text": "The latest date for registration is on 4 April , 2006 .", + "label": 0 + }, + { + "text": "Lloyds Banking Group's share price lifts amid reports bank is poised to axe hundreds of UK jobs", + "label": 1 + }, + { + "text": "The net sales of the Power Plants business were EUR 710.3 million in 2005 .", + "label": 0 + }, + { + "text": "The contract also includes cutting and edging wagon parts at Ruukki 's steel service centres in Seinajoki and Raahe , from where they will be delivered to VR for welding and assembly .", + "label": 0 + }, + { + "text": "Investor Woodford calls for outsider to head GlaxoSmithKline", + "label": 0 + }, + { + "text": "`` We have tailored our solutions to meet Solel 's technical requirements , and the result is both cost-effective manufacturing and highest-quality reflectors . ''", + "label": 1 + }, + { + "text": "Britain facing winter of blackouts as National Grid warns of tightest power ...", + "label": -1 + }, + { + "text": "Its product portfolio comprises harvesters , forwarders , harvester heads , as well as cranes and loaders .", + "label": 0 + }, + { + "text": "Group net sales in the third quarter of 2007 totaled EUR 142.3 mn and operating profit EUR 4.3 mn .", + "label": 0 + }, + { + "text": "One of the largest projects of the magazine division of SanomaWSOY - Sanoma Magazines International in 2006 became launch of the Russian magazine Gloriya .", + "label": 0 + }, + { + "text": "UPM said the move will lower net profit by x20ac 385 million US$ 520 million in the second quarter , mainly due to impairment charges .", + "label": -1 + }, + { + "text": "He will report to CapMan Plc 's CEO Heikki Westerlund .", + "label": 0 + }, + { + "text": "` Very recommendable ' is the Nokian Z G2 according to the ` ADAC judgement ' in the latest summer tyre test of the German automobile association ADAC .", + "label": 1 + }, + { + "text": "Worldpay readies for £6bn London float", + "label": 0 + }, + { + "text": "Finnish retail software developer Aldata Solution Oyj reported a net loss of 11.7 mln euro $ 17.2 mln for 2007 versus a net profit of 2.5 mln euro $ 3.7 mln for 2006 .", + "label": -1 + }, + { + "text": "Talvik says the relocation of application programs on servers will continue , while HP servers were approved because of HP supplying a tailor-made solution to Elisa .", + "label": 0 + }, + { + "text": "Based in Helsinki , Finland , Ramirent has branches in 13 Nordic , central and Eastern European countries .", + "label": 0 + }, + { + "text": "Presentation materials will be posted on the company 's website : www.seahawkdrilling.com in the `` Investor Relations '' section , on the `` Webcast & Presentations '' tab .", + "label": 0 + }, + { + "text": "Earnings per share ( EPS ) dropped to EUR 0.21 from EUR 0.31 .", + "label": -1 + }, + { + "text": "The report contains category level company and brand share as well as distribution share information for 2007 and 2008 .", + "label": 0 + }, + { + "text": "Legal & General share price: Finance chief to step down", + "label": 0 + }, + { + "text": "The Stockmann department store will have a total floor space of over 8,000 square metres and Stockmann 's investment in the project will have a price tag of about EUR 12 million .", + "label": 0 + }, + { + "text": "Are ARM Holdings plc, Domino's Pizza Group plc and ASOS plc 3 must-have growth stocks?", + "label": 0 + }, + { + "text": "Ruukki Group calculates that it has lost EUR 4mn in the failed project .", + "label": -1 + }, + { + "text": "( ADP News ) - Feb 6 , 2009 - Finnish fishing tackle company Rapala VMC Corp ( HEL : RAP1V ) said today its net profit rose to EUR 19.2 million ( USD 24.6 m ) for 2008 from EUR 17.5 million for 2007 .", + "label": 1 + }, + { + "text": "Norway's sovereign wealth fund says backed Shell CEO's pay", + "label": 0 + }, + { + "text": "Tesco names Deloitte as new auditor after accounting scandal", + "label": 1 + }, + { + "text": "The share capital of Biotie Therapies Corp. constitutes 90,211,860 shares in the aggregate and the number of voting rights attached to the shares amounts to 90,211,860 .", + "label": 0 + }, + { + "text": "`` Because we 're a pension insurance company , we 're required to diversify and not put too much in one asset class .", + "label": 0 + }, + { + "text": "In 2009 , Stora Enso 's net loss was EUR 879.7 million compared to EUR 673.4 million in the previous year .", + "label": -1 + }, + { + "text": "The airline has ordered nine Airbus A350-900 aircraft with deliveries from 2011 , and in doing so becomes the lead airline for the latest variant of Rolls-Royce Trent series engines , called the 1700 .", + "label": 1 + }, + { + "text": "Margin call of Zanadvorov has given the chance to make such purchase under the credit of Deutsche Bank for USD 560 million .", + "label": 0 + }, + { + "text": "The number of bodily injury cases quadrupled in 2000-2006 .", + "label": -1 + }, + { + "text": "Finnish publishing and printing group Ilkka-Yhtym+ñ will introduced a staff smoking ban as of the beginning of 2007 at the company 's three newspapers .", + "label": 0 + }, + { + "text": "Qualcomm estimated a first-quarter profit between 46 and 50 cents a share , excluding certain items , below the analyst estimate of 61 cents a share .", + "label": -1 + }, + { + "text": "The Costanza light , with an aluminum base and washable shade , comes in white , pistachio , orange , blue and red .", + "label": 0 + }, + { + "text": "Metsaliitto will sell 1.1 million B shares of Neomarkka , accounting for about 18.3 pct of Neomarkka 's equity and about 12.7 pct of the voting rights .", + "label": 0 + }, + { + "text": "`` UPM 's deliveries increased during the third quarter by 4 percent , and the efficiency of operations improved , '' Chief Executive Jussi Pesonen said .", + "label": 1 + }, + { + "text": "Operating profit was EUR -0.1 mn , down from EUR 1.3 mn .", + "label": -1 + }, + { + "text": "The sale price was not disclosed .", + "label": 0 + }, + { + "text": "HSBC keeps headquarters in London, rejects move to Hong Kong", + "label": 0 + }, + { + "text": "Finland-based Stockmann Group has closed seven franchising sports stores Nike in Russia .", + "label": -1 + }, + { + "text": "The first stage of the contract covers 133 stores and 600 cash registers .", + "label": 0 + }, + { + "text": "Relief for Lewis as Tesco sees sales grow for first time in a year", + "label": 1 + }, + { + "text": "Fortum holds 90.2 pct of the share capital and 94.4 pct of the voting rights in the company , which it now plans to delist from the Warsaw Stock Exchange .", + "label": 0 + }, + { + "text": "In the Baltic countries , sales fell by 40.2 % , and in Russia , by 23.2 % in terms of euros , and by 10.7 % in terms of local currency .", + "label": -1 + }, + { + "text": "London Stock Exchange Group's quarterly revenue rises 12 percent", + "label": 1 + }, + { + "text": "Morrisons helps FTSE edge higher energy shares slip", + "label": 1 + }, + { + "text": "Glencore 2014 profit in line, takes $1.1 billion charge on commodity prices", + "label": 0 + }, + { + "text": "Fancy Dans on the move FAB Glasgow gift and interiors store Fancy Dans is moving !", + "label": 0 + }, + { + "text": "Together with Latvia , Cramo will operate 54 rental outlets in the Baltic States .", + "label": 0 + }, + { + "text": "UPDATE 1-Rio Tinto to sell aluminium assets in $1 bln deal -paper", + "label": 1 + }, + { + "text": "Commenting on the deal , Shane Lennon , SVP of Marketing & Product Development at GyPSii said : ?", + "label": 0 + }, + { + "text": "Tesco share price dips as Blinkbox Books closes ending supermarket's digital ...", + "label": -1 + }, + { + "text": "Shropshire and Mid Wales trains to be hit again in new strike by Arriva drivers", + "label": -1 + }, + { + "text": "The fair value of the investment properties totaled EUR 2,534.9 mn , up from EUR 2,455.1 mn in 2006 .", + "label": 1 + }, + { + "text": "AstraZeneca's patent on asthma drug invalidated by US court", + "label": -1 + }, + { + "text": "Net sales in 2007 are expected to be 10 % up on 2006 .", + "label": 1 + }, + { + "text": "At the same time , the market for automated liquid handling devices is already larger than that for pipettes , according to Biohit .", + "label": 0 + }, + { + "text": "Fresnillo Production Surges But Profit Hit By Lower Prices", + "label": 1 + }, + { + "text": "CompaniesHome Retail trims gains but is considered 'in play'", + "label": 0 + }, + { + "text": "Barclays's Next CEO Should Be Investment Banker, Aberdeen Says", + "label": 0 + }, + { + "text": "The period-end cash and cash equivalents totaled EUR6 .5 m , compared to EUR10 .5 m in the previous year .", + "label": -1 + }, + { + "text": "Barclays PLC & Lloyds Banking Group PLC Are The 2 Banks I'd Buy Today", + "label": 1 + }, + { + "text": "Europe needs 17 new large paper machines .", + "label": 0 + }, + { + "text": "Both operating profit and net sales for the 12-month period increased , respectively from EUR20 .8 m and EUR177 .7 m , as compared to the financial year 2004 .", + "label": 1 + }, + { + "text": "Sharm el-Sheikh travel disruption: British Airways, EasyJet, Thomson and ...", + "label": -1 + }, + { + "text": "Industry NewsHammerson joint venture buys Dublin loan portfolio", + "label": 1 + }, + { + "text": "Experian says receives class actions related to T-Mobile breach", + "label": -1 + }, + { + "text": "RusHydro has an agreement to transfer its stakes in OESK and the five ERCs into the trust management of Inter RAO .", + "label": 0 + }, + { + "text": "UPDATE 2-Exchanges, Barclays win dismissal of US high-frequency trading case", + "label": 1 + }, + { + "text": "United Utilities FY profit up 3.5%; to boost capex", + "label": 1 + }, + { + "text": "At the request of Finnish media company Alma Media 's newspapers , research manager Jari Kaivo-oja at the Finland Futures Research Centre at the Turku School of Economics has drawn up a future scenario for Finland 's national economy by using a model developed by the University of Denver .", + "label": 0 + }, + { + "text": "UPDATE 1-AstraZeneca sells rare cancer drug to Sanofi for up to $300 mln", + "label": 1 + }, + { + "text": "PRESS: UK Government Would Oppose Any BP Takeover - FT", + "label": 0 + }, + { + "text": "Suomen Paikallissanomat Oy is part of Alma Media Group and it currently publishes 15 local newspapers across Finland .", + "label": 0 + }, + { + "text": "Tesco share price closes higher as two more directors leave grocer", + "label": 1 + }, + { + "text": "EU regulators clear $100 billion-plus AB InBev, SABMiller deal", + "label": 1 + }, + { + "text": "Glaxo Sees Hope for Respiratory Drugs as Earnings Beat Estimates", + "label": 1 + }, + { + "text": "Warren Buffett's Awesome Feat at Berkshire Hathaway, Revisited", + "label": 0 + }, + { + "text": "News FeedFTSE 100 movers: Standard Chartered lifted while AstraZeneca sinks", + "label": 1 + }, + { + "text": "Britain's power supplies enough to meet winter demand - National Grid", + "label": 1 + }, + { + "text": "Five years after BP oil spill, some Gulf oystermen are losing hope", + "label": -1 + }, + { + "text": "The company is reportedly searching for a replacement for CEO Olli-Pekka Kallasvuo .", + "label": 0 + }, + { + "text": "Operating profit for the nine-month period decreased from EUR19 .9 m while net sales increased from EUR155 .7 m , as compared to the corresponding period in 2007 .", + "label": -1 + }, + { + "text": "The orders also include a few high-power drives for the control of seismic compressors .", + "label": 0 + }, + { + "text": "The unit 's clients are mainly in the field of specialist convenience goods , as well as in the textile , shoe and furniture businesses .", + "label": 0 + }, + { + "text": "CompaniesEx-City watchdog Turner joins Prudential board", + "label": 0 + }, + { + "text": "Relations with the City have been further damaged by comments from Mr Ashley criticising City investors and analysts as `` cry babies '' .", + "label": -1 + }, + { + "text": "Diluted earnings per share ( EPS ) fell to EUR 0.63 from EUR 1.71 .", + "label": -1 + }, + { + "text": "South Africa approves SABMiller, Coke bottling deal with conditions", + "label": 1 + }, + { + "text": "The board machine , which will have a wire width of 6.25 m and a design speed of 900 m-min , will produce close to 1,400 tonnes of folding boxboard per day .", + "label": 0 + }, + { + "text": "Finnish construction group YIT has been awarded a contract to install heating , air conditioning and cooling systems to the new head office of the automobile association ADAC in Munich in Germany .", + "label": 1 + }, + { + "text": "According to the company , a decision in the issue will be made in the summer of 2010 , at the earliest , and in the summer of 2011 , at the latest .", + "label": 0 + }, + { + "text": "The company 's net profit rose 11.4 % on the year to 82.2 million euros in 2005 on sales of 686.5 million euros , 13.8 % up on the year , the company said earlier .", + "label": 1 + }, + { + "text": "Both operating profit and net sales for the six-month period increased , respectively from EUR0 .4 m and EUR3 .2 m , as compared to the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "Finnish office supplies and computer accessories dealer Beltton-Group Plc said its net profit rose to 1.3 mln euro ( $ 1.7 mln ) in 2006 from 1.13 mln euro ( $ 1.5 mln ) in 2005 .", + "label": 1 + }, + { + "text": "Finnish KCI Konecranes has raised its net sales growth estimate for 2006 from over 25 % to over 35 % .", + "label": 1 + }, + { + "text": "Device volume in the area decreased by 21 % to 2.7 mn units .", + "label": -1 + }, + { + "text": "HELSINKI AFX - Outokumpu said its technology unit has won a 28 mln eur contract from Bosnia-Herzegovina 's Aluminij dd Mostar to upgrade an anode plant .", + "label": 1 + }, + { + "text": "The new company , DiaPol S.r.l. , would manufacture tools meant for glass and stone pre-processing .", + "label": 0 + }, + { + "text": "UK's Osborne may sell state-owned RBS shares at a loss -paper", + "label": -1 + }, + { + "text": "The order comprises four ball mills , which will be organized in two different streams for treating ore in the Pilanesberg platinum mine .", + "label": 0 + }, + { + "text": "Small investors have voiced fears that the shares will end up with risk investors .", + "label": -1 + }, + { + "text": "Consolidated operating profit from continuing operations decreased by 62.3 % to EUR 51.2 mn from EUR 135.7 mn in 2007 .", + "label": -1 + }, + { + "text": "In 2007 , the Group 's net sales stood at EUR 22 million and it had about 150 employees at the end of June , 2008 .", + "label": 0 + }, + { + "text": "CompaniesTullow says gas exports at key field disrupted", + "label": -1 + }, + { + "text": "The EPS improved to EUR0 .38 from EUR0 .27 .", + "label": 1 + }, + { + "text": "These module products will be available for trials during 3Q-07 and for volume deliveries during 4Q-07 .", + "label": 0 + }, + { + "text": "The transaction is planned to be financed with a EUR40m market-based loan granted by Standard Chartered Bank Hong Kong .", + "label": 0 + }, + { + "text": "Nokia Siemens Networks has struggled to make a profit in the past two years .", + "label": -1 + }, + { + "text": "IAG closes in on Aer Lingus with increased offer", + "label": 1 + }, + { + "text": "Work on the assignment has already started and is due for completion in spring 2011 .", + "label": 0 + }, + { + "text": "Pearson in Talks to Sell Its Stake in the Economist Group", + "label": 1 + }, + { + "text": "UPDATE 3-BP settles oil spill-related claims with Halliburton, Transocean", + "label": 0 + }, + { + "text": "The secondary antenna can also be used for reception of the high power signal of the radar to calibrate the transmission channels of the radar . ''", + "label": 0 + }, + { + "text": "RBS and Barclays shares temporarily suspended amid heavily losses", + "label": -1 + }, + { + "text": "BP pay boss feels the heat from revolt over Dudley's £14 million", + "label": 0 + }, + { + "text": "UPDATE 1-Berkshire applies to boost Wells Fargo stake above 10 pct", + "label": 1 + }, + { + "text": "Outotec said it won new orders worth 492.9 mln eur during the quarter , compared with 240.4 mln eur a year earlier .", + "label": 1 + }, + { + "text": "ZAO YIT Moskovia builds housing in Moscow and its surrounding cities .", + "label": 0 + }, + { + "text": "Operating profit decreased to nearly EUR 1.7 mn , however .", + "label": -1 + }, + { + "text": "The solution will be installed in the USA to support the North American operations of the customer .", + "label": 0 + }, + { + "text": "GE to Sell Majority Stake in Bank BPH's Core Bank to Alior Bank", + "label": 1 + }, + { + "text": "Rolls-Royce Wins $9.2 Billion Order From Emirates Airline", + "label": 1 + }, + { + "text": "The first installment of the Cinema Series concludes with a profile of Finnish inventor Olavi Linden , whose personal artistic journey and work at Fiskars has led to dozens of design awards .", + "label": 0 + }, + { + "text": "Net sales of the Vegetable Oil Business rose to EUR 10.6 mn from EUR 10.1 mn .", + "label": 1 + }, + { + "text": "Russia accounted for 9 % of the Lagardere magazine division 's revenue , or EUR 114.40 mn ( USD 148.11 mn ) in 2009 , the USA - for 18 % .", + "label": 0 + }, + { + "text": "Olvi expects sales and market share to increase in the first quarter of 2010 .", + "label": 1 + }, + { + "text": "CompaniesSanofi poaches immunology expert from AstraZeneca", + "label": 0 + }, + { + "text": "Operating profit fell to EUR 35.4 mn from EUR 68.8 mn in 2007 , including vessel sales gain of EUR 12.3 mn .", + "label": -1 + }, + { + "text": "LONDON AFX - Shares in Rautaruukki Corp have been upgraded to ` hold ' from ` sell ' by ABN Amro , with the price target raised to 25.75 eur from 14.5 , said dealers .", + "label": 1 + }, + { + "text": "US urges final approval of $20 billion BP oil spill pact", + "label": -1 + }, + { + "text": "Kingfisher share price slides on cost to implement new strategy", + "label": -1 + }, + { + "text": "UPDATE 2-EasyJet sees better first half on lower fuel bill", + "label": 1 + }, + { + "text": "BP, Statoil, to Withdraw Staff From Algeria Following Rocket Attack", + "label": -1 + }, + { + "text": "Saudi Aramco, Shell plan to break up Motiva, divide up assets", + "label": 1 + }, + { + "text": "Glencore slumps 25 pct as debt fears grow", + "label": -1 + }, + { + "text": "The report profiles 614 companies including many key and niche players worldwide such as Black & Decker Corporation , Fiskars Corporation , Fiskars Brands , Inc. , Husqvarna Outdoor Products Inc. , K+S Group , Ryobi Technologies , Inc. , The Scotts Miracle-Gro Company , and Van Group , Inc. .", + "label": 0 + }, + { + "text": "Meggitt plc Crashes 20% On Profit Warning: Is It Now A Buy?", + "label": -1 + }, + { + "text": "The value of the order is EUR 2.5 mn .", + "label": 0 + }, + { + "text": "Meanwhile , Electrowatt-Ekono Philippines , Inc. was also awarded a three-year operation and maintenance ( O&M ) contract by FR Cement Corporation .", + "label": 1 + }, + { + "text": "The share capital of Alma Media Corporation business ID 1944757-4 is EUR 44,767,513.80 and it is divided into 74,612,523 shares .", + "label": 0 + }, + { + "text": "The output of the contracts totals 72 MWe .", + "label": 0 + }, + { + "text": "The fair value of investment properties was EUR 2 251.0 ( 1 281.4 ) million .", + "label": 0 + }, + { + "text": "UPDATE 5-Buffett pays high price for Precision Castparts", + "label": 1 + }, + { + "text": "Operating profit rose to EUR 3.11 mn from EUR 1.22 mn in the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "The center offers a comprehensive range of device design services spanning from electronics , mechanics and software design to a full range of testing laboratory services .", + "label": 0 + }, + { + "text": "Country : , Switzerland Sector : Pharmaceuticals Target : Synosia Therapeutics Holding AG Buyer : Biotie Therapies Corp Deal size in USD : 129.4 m Type : Corporate acquisition Financing : All-stock Status : Closed", + "label": 0 + }, + { + "text": "Greenpeace Protest of BP Forces British Museum to Close", + "label": -1 + }, + { + "text": "Founded in 1946 , Strand Associates , which provides civil , environmental , transportation , electrical and mechanical engineering services , has 350 employees at 10 offices in Wisconsin , Alabama , Illinois , Indiana , Kentucky and Ohio .", + "label": 0 + }, + { + "text": "The transaction value is CAD 15 million approximately EUR 10 million .", + "label": 0 + }, + { + "text": "The company also equipped the sculptural complex Rabochy i Kolkhoznitsa A Worker and a Collective Farmer in Moscow with snow melting system .", + "label": 0 + }, + { + "text": "The company had hoped the new plant would be on stream by the end of 2008 .", + "label": 0 + }, + { + "text": "EasyJet Dismisses Lufthansa Low-Cost Plan in Contest for Germany", + "label": -1 + }, + { + "text": "Each year the dividend is deducted from the subscription price .", + "label": 0 + }, + { + "text": "Electricity consumption grows with higher frequencies .", + "label": 0 + }, + { + "text": "And U.S. energy executives say high steel prices are threatening energy exploration .", + "label": -1 + }, + { + "text": "RBI surprises Street; Sensex pares gains after hitting mount 30k", + "label": 1 + }, + { + "text": "In June it sold a 30 percent stake to Nordstjernan , and the investment group has now taken up the option to acquire EQT 's remaining shares .", + "label": 0 + }, + { + "text": "AstraZeneca wins FDA approval for key new lung cancer pill", + "label": 1 + }, + { + "text": "Barclays PLC & Lloyds Banking Group PLC Are The 2 Banks I'd Buy Today", + "label": 1 + }, + { + "text": "Industry NewsPetrofac secures $250m North Sea contract", + "label": 1 + }, + { + "text": "A maximum of 20 employees , who work in Karttakeskus and are responsible for producing Geographic Information Services , will be affected , the company added .", + "label": 0 + }, + { + "text": "HSBC marks muted 150th birthday party with grain of rice sculptures", + "label": 0 + }, + { + "text": "Diageo, Heineken Exchange Emerging-Market Brewing Assets", + "label": 0 + }, + { + "text": "According to Gallup Food and Farm Facts , beef consumption totaled 99mn kilos in Finland in 2007 .", + "label": 0 + }, + { + "text": "Profit per share was EUR 1.03 , up from EUR 0.87 .", + "label": 1 + }, + { + "text": "Return on capital employed rose by 4.8 percentage points to 19.6 % .", + "label": 1 + }, + { + "text": "BHP Billiton share price: Brazil to sue Samarco for £3.5bn", + "label": -1 + }, + { + "text": "RBS chairman admits surprise at size of regulatory penalties", + "label": -1 + }, + { + "text": "Finnish industrial group Ruukki Group Plc OMX Helsinki : RUG1V said on Friday 14 November that its furniture business segment Incap Furniture has concluded personnel negotiations that were started at the end of September .", + "label": 0 + }, + { + "text": "Russian export duties will activate harvesting in Finland , and sales in Russia will increase also .", + "label": 1 + }, + { + "text": "Barclays reports 8% fall in annual profits", + "label": -1 + }, + { + "text": "CompaniesCompass serves up half year profit rise", + "label": 1 + }, + { + "text": "The orders are for 26 machine-room-less KONE MonoSpace elevators , which would be installed during 2006 .", + "label": 0 + }, + { + "text": "Pfizer to cut 120 jobs with closure of Cambridge R&D centre", + "label": -1 + }, + { + "text": "Royal Mail hands chief executive Moya Greene a 13% rise in her pay package", + "label": 0 + }, + { + "text": "Net interest income increased by 4.5 % to EUR 31.4 mn from EUR 30.0 mn in 2004 .", + "label": 1 + }, + { + "text": "Kone shares dropped 4.1 percent to x20ac 43 US$ 55.77 in Helsinki .", + "label": -1 + }, + { + "text": "ADP News - Feb 13 , 2009 - Finnish retailer Kesko Oyj HEL : KESBV said today its total sales , excluding value added tax VAT , stood at EUR 661.3 million USD 853.1 m in January 2009 , down 15.2 % year-on-yea", + "label": -1 + }, + { + "text": "Return on investment was 16.6 % compared to 15.8 % in 2004 .", + "label": 1 + }, + { + "text": "UPDATE 5-SABMiller rejects AB InBev's $104 bln takeover approach", + "label": -1 + }, + { + "text": "The value of this kind of order amounts usually between Euro 2 and 3 million .", + "label": 0 + }, + { + "text": "The Group 's consolidated net sales for 2009 totaled 1.5 billion euros and it employs approximately 10,000 persons .", + "label": 0 + }, + { + "text": "The company says the measures are no longer needed .", + "label": 0 + }, + { + "text": "It also confirmed its earnings guidance for the whole 2009 issued in its report for the whole 2008 .", + "label": 0 + }, + { + "text": "BHP Billiton share price: Brazil to sue Samarco for £3.5bn", + "label": -1 + }, + { + "text": "Shell, Chevron Await LNG's Return From `Pause Mode'", + "label": 0 + }, + { + "text": "FDA approves AstraZeneca drug for advanced lung cancer", + "label": 1 + }, + { + "text": "The Tekla Structures product box , if needed , is now made from recycled material .", + "label": 0 + }, + { + "text": "BT Group's third quarter revenues rise as restructure unveiled", + "label": 1 + }, + { + "text": "Smith & Nephew 2015 trading profit beats expectations", + "label": 1 + }, + { + "text": "Lassila & Tikanoja 's operating profit excluding non-recurring and imputed items for the second quarter was EUR11 .3 m , down from EUR13 .8 m a year ago .", + "label": -1 + }, + { + "text": "Finnish Scanfil , a contract manufacturer and systems supplier for communication and industrial electronics reports net sales of EUR 108.7 mn in the first half of 2008 , down from EUR 111.1 mn a year earlier .", + "label": -1 + }, + { + "text": "AstraZeneca sells US drug rights to Perrigo for $380 mln", + "label": 1 + }, + { + "text": "Persimmon shares nudge higher as housebuilder sees strong 2014", + "label": 1 + }, + { + "text": "SCANIA Morgan Stanley lifted the share target on Swedish heavy-duty truck and bus maker Scania AB to 330 crowns ( $ 42.4 - 35.2 euro ) from 310 crowns ( $ 39.8 - 33.1 euro ) .", + "label": 1 + }, + { + "text": "The company is now withdrawing the second part , EUR 7.2 mn , of the investment commitment .", + "label": 0 + }, + { + "text": "Standard Chartered share price: Aberdeen CEO would back potential capital increase", + "label": 0 + }, + { + "text": "However , the orders received during the period under review fell by 17 % quarter-on-quarter from the EUR 213 million recorded in the second quarter of 2010 .", + "label": -1 + }, + { + "text": "This resulted in improved sales figures in Sweden .", + "label": 1 + }, + { + "text": "We'd support HSBC leaving London, says Standard Life", + "label": 0 + }, + { + "text": "MarketsProperty stocks under pressure after Standard Life fund move", + "label": -1 + }, + { + "text": "Thus the group 's balance sheet will have about EUR25 .8 m in goodwill for 2010 , the company added .", + "label": 0 + }, + { + "text": "`` This is a significant milestone for Benefon , helping us to secure critical USP 's for our personal navigation product roadmap for 2007 and beyond , '' commented Simon Button , Chief Technology Officer at Benefon .", + "label": 1 + }, + { + "text": "AB InBev approaches SABMiller to explore $250bn tie-up", + "label": 1 + }, + { + "text": "Glencore shares hit 3-month high after refinancing key credit line", + "label": 1 + }, + { + "text": "Companies raise less money on London Stock Exchange in 2015", + "label": 0 + }, + { + "text": "Finnish Scanfil , a systems supplier and contract manufacturer to the communications sector and the electronics industry , reports net sales of EUR 49.6 mn in the first quarter of 2009 , which are only a per cent smaller than in the corresponding period in 2008 .", + "label": -1 + }, + { + "text": "Valga Lihatoostus markets its products under the Maks & Moorits trademark .", + "label": 0 + }, + { + "text": "OCBC to Buy Barclay's Wealth Management Unit in Singapore, Hong Kong", + "label": 1 + }, + { + "text": "PRESS: Pearson Set To Announce Sale Of Financial Times - Reuters", + "label": 0 + }, + { + "text": "Operating profit of operations in Finland in the period under review totaled EUR 11.3 mn , remaining at the 2005 level .", + "label": 0 + }, + { + "text": "Barclays brands financier Amanda Staveley's $1bn claim as \"misconceived\"", + "label": -1 + }, + { + "text": "Rapala aims to move the distribution unit Ragot from Loudeac in Bretagne and the distribution unit Waterqueen and the fishing line supplier Tortue from Saint Marcel in Central France to Morvillars .", + "label": 0 + }, + { + "text": "Turnover surged to EUR61 .8 m from EUR47 .6 m due to increasing service demand , especially in the third quarter , and the overall growth of its business .", + "label": 1 + }, + { + "text": "The contracts comprise turnkey orders for RoRo systems for two RoRo-cruise vessels under construction for Viking Line and Tallink .", + "label": 0 + }, + { + "text": "Currently Glaston employs approximately 1,500 persons .", + "label": 0 + }, + { + "text": "Nokia shares hit 13.21 euros on Friday , down 50 percent from the start of the year in part because of the slow introduction of touch-screen models .", + "label": -1 + }, + { + "text": "Tesco made a bit of a crucial error in this promotion for Ramadan...", + "label": -1 + }, + { + "text": "The EPS outlook was increased by 5.6 pct for 2007 and 7.0 pct for 2008 .", + "label": 1 + }, + { + "text": "UK Christmas power demand to be lowest in 16 years – National Grid", + "label": -1 + }, + { + "text": "Wolseley profit up 18%, warns on revenue growth", + "label": 1 + }, + { + "text": "`` If you need malware removal tools , type the URL of your vendor of choice directly into the browser bar and use links on their website , '' wrote Trend Micro 's Rik Ferguson on Monday .", + "label": 0 + }, + { + "text": "Aggreko says first half profits will be lower as the oil price rout claims its latest victim", + "label": -1 + }, + { + "text": "Aspocomp intends to set up a plant to manufacture printed circuit boards with an investment of Rs310 crore .", + "label": 0 + }, + { + "text": "Earnings per share EPS rose to EUR 0.11 from EUR 0.03 .", + "label": 1 + }, + { + "text": "An acquisition of TeliaSonera would be France Telecom 's biggest since its 2000 purchase of Orange plc for 27.8 billion ( $ 55.1 billion ) and would create the world 's fourth-largest telecom company behind AT&T Inc. , Verizon Communications Inc. and NTT Corp. of Japan .", + "label": 0 + }, + { + "text": "JC Penney Cuts Pension Plan Obligation", + "label": 0 + }, + { + "text": "In Sweden , operating profit for the period under review totaled EUR 3.4 mn , up 30.8 % from the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "The total capital of funds managed by the bank decreased by 28 % to EUR 284mn by the end of September 2008 .", + "label": -1 + }, + { + "text": "UK government cuts stake in Lloyds to below 11 percent", + "label": 0 + }, + { + "text": "Tesco set to sell Kipa, Giraffe businesses - Sky News", + "label": 1 + }, + { + "text": "In addition to the demand in Finland , the export of lining stone products also increased .", + "label": 1 + }, + { + "text": "The contract has been allotted as per lowest price criteria .", + "label": 0 + }, + { + "text": "Industry NewsRevenue, earnings take a tumble at Weir Group", + "label": -1 + }, + { + "text": "BHP Billiton to lower copper production costs", + "label": 1 + }, + { + "text": "Hargreaves weathers torrid ISA season and Brexit fears", + "label": -1 + }, + { + "text": "The group intends to relocate warehouse and office space in Loudeac and Saint Marcel to Morvillars , in the east of the country , where it already operates a hook manufacturing and distribution unit .", + "label": 0 + }, + { + "text": "The serial bond is part of the plan to refinance the short-term credit facility .", + "label": 0 + }, + { + "text": "Barclays's Next CEO Should Be Investment Banker, Aberdeen Says", + "label": 0 + }, + { + "text": "Retailers Kingfisher and Sports Direct rise in Britain's share index", + "label": 1 + }, + { + "text": "Operating result , excluding one-off items , totaled EUR 9.1 mn compared to EUR 10.6 mn in continuing operations , excluding one-off items in 2004 .", + "label": -1 + }, + { + "text": "Finnish financial software solutions developer BasWare Oyj said its net profit fell to 884,000 euro ( $ 1.2 mln ) for the first quarter of 2007 from 2.0 mln euro ( $ 2.7 mln ) a year earlier .", + "label": -1 + }, + { + "text": "Broker tips: RBS, Croda, Sage", + "label": 1 + }, + { + "text": "Tesco Said to Discuss Central and Eastern European Unit Sale", + "label": 1 + }, + { + "text": "M-real 's sales are expected to have increased by 4 % year-on-year to EUR609m in the second quarter of 2010 .", + "label": 1 + }, + { + "text": "ITV share price jumps on report of Comcast's NBCUniversal bidding to takeover ...", + "label": 1 + }, + { + "text": "Morrisons and Debenhams surprise City with Christmas bounce back", + "label": 1 + }, + { + "text": "No more waste-burning facilities should be built .", + "label": 0 + }, + { + "text": "The order also includes start-up and commissioning services .", + "label": 0 + }, + { + "text": "2 Turnaround Buys For 2016? BHP Billiton plc And Home Retail Group Plc", + "label": 1 + }, + { + "text": "Asahi could be about to snap up more of SABMiller's beers ahead of AB InBev sale", + "label": 1 + }, + { + "text": "SABMiller buys Meantime to quench thirst for craft beer", + "label": 1 + }, + { + "text": "A maximum of 666,104 new shares can further be subscribed for by exercising B options under the 2004 stock option plan .", + "label": 0 + }, + { + "text": "FDA panel backs safety updates for AstraZeneca, Takeda drugs", + "label": 0 + }, + { + "text": "CS Cabot exports 55 % of its production mainly to Goodyear , Bridgestone and Michelin plants in Poland , as well as to Germany 's Michelin or Italy 's Pirelli through the company 's logistics center in Paris , Stefan said .", + "label": 0 + }, + { + "text": "Britain's FTSE lifted by solid Kingfisher", + "label": 1 + }, + { + "text": "The Department Store Division reported an increase in sales of 4 per cent .", + "label": 1 + }, + { + "text": "Seller is the Finnish Elcoteq Group , the largest European electronics manufacturing services company .", + "label": 0 + }, + { + "text": "Ramirent Finland is the domestic unit of machinery rental company Ramirent Oyj HEL : RMR1V .", + "label": 0 + }, + { + "text": "Previously , the company had guided for EBIT and sales growth of 20 pct and 10 pct respectively for this year .", + "label": 1 + }, + { + "text": "FDA approves NPS drug, in move validating Shire takeover deal", + "label": 1 + }, + { + "text": "Trading ExpertBROKER RECOMMENDATIONSUBS ups RBS to 'buy' as it re-initiates coverage on UK banks", + "label": 1 + }, + { + "text": "Experian says receives class actions related to T-Mobile breach", + "label": -1 + }, + { + "text": "The company recorded revenues of E658 .1 million during the fiscal year ended December 2007 , an increase of 23 % over 2006 .", + "label": 1 + }, + { + "text": "Halfords appoints Jonny Mason as new CFO", + "label": 0 + }, + { + "text": "Pretax profit totaled EUR 4.9 mn compared to EUR 5.2 mn in the first quarter of 2005 .", + "label": -1 + }, + { + "text": "The share sale , to foreign and Finnish investors , is expected to raise some euro300 million ( US$ 380 million ) .", + "label": 0 + }, + { + "text": "In 2008 , it generated net sales of EUR 9.3 million USD 13.1 m .", + "label": 0 + }, + { + "text": "`` The new unit is a major investment in the Finnish media scene .", + "label": 0 + }, + { + "text": "Travis Perkins Hikes Dividend 20% As Profit And Revenue Rise", + "label": 1 + }, + { + "text": "However , the brokers ' ratings on the stock differ .", + "label": 0 + }, + { + "text": "Novo Nordisk and AstraZeneca seek tonic from key drug trials", + "label": 0 + }, + { + "text": "The plant will be fired with a combination of spruce bark , chipped logging residues or milled peat .", + "label": 0 + }, + { + "text": "Nine banks including Barclays, Citi, agree to pay $2 billion to settle forex ...", + "label": -1 + }, + { + "text": "A downloadable instruction sheet , instructional video , and project ideas for the award-winning Everywhere Punch TM Window System can be found at www.fiskars.com .", + "label": 0 + }, + { + "text": "Severn Trent share price jumps as Canadian investor renews pursuit of utility", + "label": 1 + }, + { + "text": "If the employee leaves the company within the duration of the cover , the money invested to ensure commitment is returned to the company .", + "label": 0 + }, + { + "text": "FTSE rallies off three-month low, boosted by StanChart, Sainsbury", + "label": 1 + }, + { + "text": "European stocks hover near 3-week low, Dialog and BHP slump", + "label": -1 + }, + { + "text": "Exel is headquartered in Mantyharju in Finland .", + "label": 0 + }, + { + "text": "TeliaSonera TLSN said the offer is in line with its strategy to increase its ownership in core business holdings and would strengthen Eesti Telekom 's offering to its customers .", + "label": 1 + }, + { + "text": "The UK Government's Call To Sell Shares In Royal Bank Of Scotland Group plc ...", + "label": -1 + }, + { + "text": "Previously , EB delivered a custom solution for LG Electronics and now is making it commercially available for other mobile terminal vendors as well as to wireless operators .", + "label": 1 + }, + { + "text": "Eurocrat left best-placed to unravel London Stock Exchange deal", + "label": -1 + }, + { + "text": "Credit Suisse poaches Prudential's Thiam for Asian push", + "label": 0 + }, + { + "text": "Cash flow from operations totalled EUR 2.71 mn , compared to a negative EUR 0.83 mn in the corresponding period in 2008 .", + "label": 1 + }, + { + "text": "Jim Armitage: Spare no tears as Glencore's bosses are paying such a small price", + "label": -1 + }, + { + "text": "Tesco bans sugary drinks in “childhood obesity driveâ€퀀", + "label": 0 + }, + { + "text": "However , the growth margin slowed down due to the financial crisis .", + "label": -1 + }, + { + "text": "CompaniesShell sells stake in Showa Shell Sekiyu for $1.4bn", + "label": 0 + }, + { + "text": "Profit for the period fell to EUR 1.6 mn from EUR 7.5 mn in January-September 2008 .", + "label": -1 + }, + { + "text": "Sports Direct Shares Tumble as Founder Ashley Sells Shares", + "label": -1 + }, + { + "text": "Why put up costly cell phone towers in thinly populated areas when a few balloons would do ?", + "label": 0 + }, + { + "text": "ST. PETERSBURG , Oct 14 ( PRIME-TASS ) -- Finnish tire producer Nokian Tyres plans to invest about 50 million euros in the expansion of its tire plant in the city of Vsevolozhsk in Russia 's Leningrad Region in 2011 , the company 's President Kim Gran told reporters Thursday .", + "label": 1 + }, + { + "text": "Exports make up more than 80 per cent of our sales , so the name Glaston also reflects a truly internationally operating company , '' explains Kyro 's President & CEO Mika Seitovirta .", + "label": 0 + }, + { + "text": "Retailers Kingfisher and Sports Direct rise in Britain's share index", + "label": 1 + }, + { + "text": "If Honkarakenne starts production there , it will need a partner for sawmill operations .", + "label": 0 + }, + { + "text": "The contract also includes cutting and edging wagon parts at Ruukki 's steel service centres in Seinajoki and Raahe , both in southwestern Finland , from where they will be delivered to VR for welding and assembly .", + "label": 0 + }, + { + "text": "Prudential hit by withdrawals from M&G investment arm", + "label": -1 + }, + { + "text": "ARM shrugs off smartphone slowdown as newer designs win share", + "label": 0 + }, + { + "text": "UPDATE 1-Nomura, RBS must pay $806 mln in mortgage bond case-US judge", + "label": -1 + }, + { + "text": "J+ñrvi-Suomen Portti is also planning to reduce the use of sodium nitrite .", + "label": 0 + }, + { + "text": "Finnish Suominen Corporation that makes wipes , nonwovens , and flexible packaging , has a plant near Warsaw , in Poland , that makes flexible packaging .", + "label": 0 + }, + { + "text": "Finnish dental care group Oral Hammaslaakarit Oyj posted a total net profit of 849,000 euro $ 1.1 mln in the first nine months of 2006 versus a net loss of 331,000 euro $ 421,000 in the same period of 2005 .", + "label": 1 + }, + { + "text": "Finnish electronics contract manufacturer Scanfil had net sales of EUR 52.2 mn in the first quarter of 2007 , down from EUR 60.1 mn a year before .", + "label": -1 + }, + { + "text": "The 2500-passenger ferry will have dimensions of 185 m length overall , 170 m length between perpendiculars , 27.70 m breadth and 6.55 m design draught .", + "label": 0 + }, + { + "text": "ABN Amro: Bank that brought down RBS poised for return to the market", + "label": 1 + }, + { + "text": "Operating profit margin was 8.3 % , compared to 11.8 % a year earlier .", + "label": -1 + }, + { + "text": "Net sales of Finnish Sanoma Learning & Literature , of Finnish media group Sanoma , decreased by 3.6 % in January-June 2009 totalling EUR 162.8 mn , down from EUR 168.8 mn in the corresponding period in 2008 .", + "label": -1 + }, + { + "text": "` Sanoma is a buyer not a target , ' he said .", + "label": 0 + }, + { + "text": "Pharmaceuticals - Poland This brand-new market analysis gives a clear overview of the actual situation and future outlook of the pharmaceutical market in Poland .", + "label": 0 + }, + { + "text": "FTSE slide halted by BP's £12bn US settlement - London Report", + "label": -1 + }, + { + "text": "Severn Trent profit up as customer complaints fall", + "label": 1 + }, + { + "text": "As part of the reorganization , Kauko-Telko Ltd will be divided into Telko Ltd , Leipurin Ltd , Hamina Terminal Services Ltd and Kaukomarkkinat Ltd. .", + "label": 0 + }, + { + "text": "The deliveries are scheduled for the summer and autumn of 2008 .", + "label": 0 + }, + { + "text": "3 February 2011 - Finnish broadband data communication systems provider Teleste Oyj HEL : TLT1V said yesterday its net profit rocketed to EUR4 .8 m in 2010 from EUR416 ,000 in 2009 and it lifted its dividend proposal .", + "label": 1 + }, + { + "text": "Shell Targets Gains From Brazil to LNG With Takeover of BG Group", + "label": 0 + }, + { + "text": "Tecnotree 's convergent charging solution includes functionality for prepaid and post-paid billing , charging and rating of voice calls , video calls and raw data traffic for both mobile and fixed networks .", + "label": 0 + }, + { + "text": "Pretax profit decreased to EUR 33.8 mn from EUR 40.8 mn in the fourth quarter of 2005 .", + "label": -1 + }, + { + "text": "In the Baltic countries , sales fell by 42.6 % .", + "label": -1 + }, + { + "text": "The company said that sales in the three months to the end of March slid to EUR86 .4 m US$ 113.4 m from EUR91 .2 m last year .", + "label": -1 + }, + { + "text": "According to Soosalu , particular attention was paid to residents privacy and security in the design of the Aleksandri Street building .", + "label": 0 + }, + { + "text": "The share capital of Basware Corporation is 11,720,829 .", + "label": 0 + }, + { + "text": "Lloyds returns £13bn to UK taxpayer", + "label": 0 + }, + { + "text": "Body The credit falls due February 24 , 2014 .", + "label": 0 + }, + { + "text": "CompaniesRoyal Mail stake sale delivers £750m for taxpayer", + "label": 0 + }, + { + "text": "Approval by shareholders of Cencorp in accordance with Finnish law .", + "label": 0 + }, + { + "text": "Old Mutual share price: Wealth unit seen as blue-chip company", + "label": 1 + }, + { + "text": "Dealers said the share was largely hit by investor disappointment about a refining margin of just 9.48 usd per barrel for the quarter and the performance of its shipping unit , which saw EBIT drop to 5 mln eur from 20 mln eur a year amid a fall in volumes and tanker rates .", + "label": -1 + }, + { + "text": "Thus the group 's balance sheet will have about EUR 25.8 million of goodwill , the company added .", + "label": 0 + }, + { + "text": "Fiskars has a strong portfolio of international brands , which include Fiskars , Iittala , Gerber , Silva and Buster .", + "label": 1 + }, + { + "text": "CFTC fines Barclays $560000 for inaccurate swaps position reports", + "label": -1 + }, + { + "text": "UPDATE 1-BHP Billiton's credit ratings fragile in FY16, agencies warn", + "label": -1 + }, + { + "text": "Galeria Podlaska , a shopping mall on Wysockiego Street in Bia ` ystok , is approximately 60-percent leased or reserved .", + "label": 0 + }, + { + "text": "Kingfisher takeover of Mr Bricolage could hit a brick wall", + "label": -1 + }, + { + "text": "The bank forecasts Finland 's GDP will grow by 2 % in 2010 and in 2011 .", + "label": 1 + }, + { + "text": "The company 's board of directors will propose a dividend of EUR 0.14 for 2008 at the annual general meeting .", + "label": 0 + }, + { + "text": "Unilever Finds Growth More Elusive as Sales Meet Estimates", + "label": 1 + }, + { + "text": "BPI Says Caixabank, Isabel dos Santos Reach Agreement Over Angola Exposure", + "label": 1 + }, + { + "text": "As a consequence the Works Council had withdrawn its petition to suspend the reorganisation .", + "label": 0 + }, + { + "text": "Risto Raty , Tekla 's executive vice president , said that Tekla Structures and ArchiCAD will cover the entire design and documentation workflow throughout a construction project .", + "label": 0 + }, + { + "text": "The changes will take effect on 1 January 2010 , and they are not estimated to have an impact on the number of employees .", + "label": 0 + }, + { + "text": "Outotec 's scope of delivery includes design , basic engineering and supply of proprietary equipment for a sinter plant with a grate area of 496 square meters .", + "label": 0 + }, + { + "text": "Finnish plumbing and heating systems supplier Uponor 's net sales from continuing operations decreased by 9.4 % in 2008 to EUR 949.2 mn from EUR 1,047.4 mn in 2007 .", + "label": -1 + }, + { + "text": "The Samsung Mobile Applications Store was launched in January 2009 by Samsung Mobile Innovator , a program which enables mobile software developers to create applications for use across Samsung mobile devices .", + "label": 0 + }, + { + "text": "Oil Giant Shell to Cut Around 2800 Jobs Amid BG Takeover", + "label": -1 + }, + { + "text": "RBI surprises Street; Sensex pares gains after hitting mount 30k", + "label": -1 + }, + { + "text": "Glencore slashes 2015 capex budget as annual profits slip 2%", + "label": -1 + }, + { + "text": "Exel Composites ' long-term growth prospects remain favourable , however .", + "label": 1 + }, + { + "text": "Raute Corporation has received orders worth over EUR 12 million from OOO Ilim Bratsk DOK in Russia .", + "label": 1 + }, + { + "text": "BP Seeks to Get Back Some Gulf Oil Spill Business Payouts", + "label": 0 + }, + { + "text": "It 's even a little bit higher than Yara 's multiples on itself , ' an analyst in Helsinki said .", + "label": 0 + }, + { + "text": "Xerox and Stora Enso have teamed up to tailor the iGen3 to the short-run , on-demand packaging market .", + "label": 1 + }, + { + "text": "Centrica share price: British Gas under fire despite 5% price cut", + "label": -1 + }, + { + "text": "Both operating profit and net sales for the 12-month period increased , respectively from EUR10 .5 m and EUR28 .8 m , as compared to the financial year 2004 .", + "label": 1 + }, + { + "text": "I can say categorically , no , ' Wahlroos was quoted as saying by the paper , when asked about Sampo 's interest in making a bid for RSA .", + "label": 0 + }, + { + "text": "Ahlstrom 's share is quoted on the NASDAQ OMX Helsinki .", + "label": 0 + }, + { + "text": "It estimates the operating profit to further improve from the third quarter .", + "label": 1 + }, + { + "text": "CompaniesTesco bumps up pay for store staff", + "label": 0 + }, + { + "text": "The machine will have an annual production capacity of 200,000 tonnes of super-calendered magazine paper and other paper grades based on recovered fiber , Stora Enso said .", + "label": 0 + }, + { + "text": "Nokia and Capcom announced that Resident Evil Degeneration will be released on N-Gage later this year .", + "label": 0 + }, + { + "text": "The restructuring creates a more efficient organization with increased operational focus and stable profitability , and leads to more efficient production , said Bo Annvik , head of Specialty Stainless .", + "label": 1 + }, + { + "text": "Kone 's net sales rose by some 14 % year-on-year in the first nine months of 2008 .", + "label": 1 + }, + { + "text": "The share issue , derogating from the pre-emptive right of the shareholders and comprising some six million new shares at market price , will be offered for subscription by shareholders , holders of capital notes and by professional clients .", + "label": 0 + }, + { + "text": "The board further said the company omitted to tender for a substantial part of the works and as such they had rightfully been found non-responsive by the evaluation team .", + "label": 0 + }, + { + "text": "Based upon its unique fiber expertise and innovative approach , the company has a strong market position in several business areas in which it operates .", + "label": 1 + }, + { + "text": "LONDON MORNING BRIEFING: HSBC And Standard Chartered Shares Rise", + "label": 1 + }, + { + "text": "The company operates its business through two reportable segments , including Banking and Investment Services , and Non-Life Insurance .", + "label": 0 + }, + { + "text": "Operators only need to learn how to use one device for multiple levels of applications , including voice-directed operations .", + "label": 0 + }, + { + "text": "Lloyds sells Irish loan portfolio for £827m", + "label": 0 + }, + { + "text": "Retail focus helps to shield Lloyds from banking chill", + "label": 1 + }, + { + "text": "Nokia - the world 's largest mobile phone manufacturer - and China Postel - China 's largest mobile phone distributor - have a long-standing partnership that continues to grow stronger over time .", + "label": 1 + }, + { + "text": "Tesco says recovery plan working after profit collapse", + "label": 1 + }, + { + "text": "YIT 's Baltic sales in the first three quarters of 2008 totaled 106.2 million euros , representing a drop of 29 percent year on year .", + "label": -1 + }, + { + "text": "In 2008 , the steel industry accounted for 64 percent of the cargo volumes transported , whereas the energy industry accounted for 28 percent and other industries for 8 percent .", + "label": 0 + }, + { + "text": "An of the invention , released by the Patent Office , said : `` A non-coherent search matrix is formed of said correlation function matrix .", + "label": 0 + }, + { + "text": "Operating profit rose from EUR 1.94 mn to EUR 2.45 mn .", + "label": 1 + }, + { + "text": "HSBC Posts Surprise Fourth-Quarter Pretax Loss of $858 Million", + "label": -1 + }, + { + "text": "The deal includes the entire personnel of PlanMill Oy , who will transfer to the new company as so-called old employees .", + "label": 0 + }, + { + "text": "Ex-Barclays traders sentenced to up to six years' jail in Libor case", + "label": -1 + }, + { + "text": "It is necessary to strengthen the company 's operations , however .", + "label": 0 + }, + { + "text": "The Group 's revenue amounts to over EUR 80 million , about half of which is accounted for by exports .", + "label": 0 + }, + { + "text": "PRESS: Serco Set To Appoint Roy Gardner, Ex-Centrica, As Chairman - FT", + "label": 0 + }, + { + "text": "Lemminkainen Infra Oy 's subsidiary Lemminkainen Sverige AB will perform the construction work , which is expected to start in early 2011 and to be completed in the summer of 2013 .", + "label": 0 + }, + { + "text": "In a letter to Economic Affairs Minister , the listed Estonian shipping company Tallink asks for the approval to be entitled to a 15 % cut in port fees in 2010 .", + "label": 0 + }, + { + "text": "The prerequisite for inclusion in the program and for receipt of any gains is that key employees acquire Aspo shares to the amount determined by the Board in advance , in the maximum .", + "label": 0 + }, + { + "text": "In the reporting period , net sales rose by 8 % year-on-year to EUR64 .3 m , due to the business acquisitions realized during the first half of 2008-09 , the effect of which was EUR10 .9 m in the review period .", + "label": 1 + }, + { + "text": "At the same time , sales development in Russia was boosted by the opening of Stockmann Nevsky Centre in St Petersburg .", + "label": 1 + }, + { + "text": "UPDATE 1-UK government would oppose any takeover of BP -FT", + "label": 0 + }, + { + "text": "CompaniesRoyal Mail swerves new pricing regulations", + "label": 0 + }, + { + "text": "The growth of net sales has continued favourably in the Middle East and Africaand in Asia Pacific .", + "label": 1 + }, + { + "text": "The combination of all services enabling us to offer a complex and strengthened service chain not only limited to the Baltic port connections but also for getting access to the world wide Grimaldi Network into the Mediterranean , Africa and North America `` says Uwe Bakosch .", + "label": 1 + }, + { + "text": "CompaniesTullow says gas exports at key field disrupted", + "label": -1 + }, + { + "text": "Operating profit rose to EUR 3.2 mn from EUR 1.0 mn in the corresponding period in 2008 .", + "label": 1 + }, + { + "text": "AstraZeneca diabetes drug combination faces delay after FDA rebuff", + "label": -1 + }, + { + "text": "STOCKMANN plc COMPANY ANNOUNCEMENT February 20 , 2007 , at 13.40 An annual summary of Stockmann 's stock exchange and financial press releases in 2006 is available on the company 's website at the address www.stockmann.com .", + "label": 0 + }, + { + "text": "Shell, Chevron Await LNG's Return From `Pause Mode'", + "label": 0 + }, + { + "text": "The evidentiary hearing in the Investigation is scheduled for April 21 - May 1 , 2008 .", + "label": 0 + }, + { + "text": "US walrus protections hit Shell's Arctic drilling plan", + "label": -1 + }, + { + "text": "Previously , the plant was expected to be completed by the end of 2008 .", + "label": 0 + }, + { + "text": "Nokia Siemens Networks provides mobile and fixed network infrastructure , communications and networks service platforms , as well as professional services , to operators and service providers .", + "label": 0 + }, + { + "text": "Eurozone bank lending continues to recover, slowly, Barclays says", + "label": 1 + }, + { + "text": "Most of the increase in net sales was due to the acquisition of Swedish Silva that produces garden tools and boats .", + "label": 1 + }, + { + "text": "Another firm Air Liquide was exempted because it left the market in 1998 .", + "label": 0 + }, + { + "text": "Production is scheduled to start by the end of April 2007 .", + "label": 0 + }, + { + "text": "` The stable outlook reflects Nokia 's strong market position in the global mobile handset market , strong cash flow generation , and very conservative balance sheet , ' said Raab .", + "label": 1 + }, + { + "text": "The device offers multimedia performance along with a host of productivity applications , including live stock prices .", + "label": 0 + }, + { + "text": "Pharmaceutical market in Belgium Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Belgium .", + "label": 0 + }, + { + "text": "Demonstrations of the broad capabilities of the Mobility Business Suite will be organized during the 3GSM World Congress in Barcelona , from February 12th to 15th .", + "label": 0 + }, + { + "text": "Bilfinger Industrial Services win £100m BP contract extension", + "label": 1 + }, + { + "text": "Staley to face challenges at Barclays", + "label": -1 + }, + { + "text": "Shell, Chevron Await LNG's Return From `Pause Mode'", + "label": 0 + }, + { + "text": "Prices and delivery volumes of broadband products decreased significantly in 2005 .", + "label": -1 + }, + { + "text": "Land Securities warns of rent rises", + "label": 0 + }, + { + "text": "treatment products in Usa , Canada , Mexico , Australia and Brazil Today , Global Research & Data Services is going to publish several market analyses about the markets for water treatment products in some selected countries .", + "label": 0 + }, + { + "text": "Pearson to cut 4000 jobs as it warns on profits", + "label": -1 + }, + { + "text": "Glencore Studies Possible IPO for Agricultural Trading Business", + "label": 1 + }, + { + "text": "The Swedish player became majority owner of UCell in mid-2007 .", + "label": 0 + }, + { + "text": "Niklas Skogster has been employed by the ABB Group in various positions concerning the development of operations .", + "label": 0 + }, + { + "text": "A total of 1,800,000 stock options were issued in the 2003 stock option scheme .", + "label": 0 + }, + { + "text": "CORRECTED-Shire to buy Dyax for about $5.9 bln", + "label": 1 + }, + { + "text": "Technical indicators for the stock are bullish and S&P gives NOK a positive 4 STARS out of 5 buy ranking .", + "label": 1 + }, + { + "text": "Glencore to refinance its short-term debt early, shares rise", + "label": 1 + }, + { + "text": "Stockholm , 3 March 2011 About Cybercom The Cybercom Group is a high-tech consultancy that offers global sourcing for end-to-end solutions .", + "label": 0 + }, + { + "text": "UPM stock fell 3 percent to EURO 12.49 $ 17.24 in early afternoon trading in Helsinki .", + "label": -1 + }, + { + "text": "Nine banks including Barclays, Citi, agree to pay $2 billion to settle forex ...", + "label": -1 + }, + { + "text": "HSBC Preparing Job Cuts That May Target 20000 Workers, Sky Says", + "label": -1 + }, + { + "text": "The stock price rose 70.0 ores or 0.9 % to close at SEK77 .65 , ending a two-day streak of losses .", + "label": 1 + }, + { + "text": "( ADPnews ) - Dec 1 , 2009 - Finnish cutlery and hand tools maker Fiskars Oyj Abp ( HEL : FISAS ) said today that it will make redundant a total of 18 office and management staff members of its subsidiary Iittala Group Ltd. .", + "label": -1 + }, + { + "text": "The Notice in its entirety with other proposals from the Nomination Committee and the Board will be published at least four weeks before 28 April on the company 's website and in Post - och Inrikes Tidningar and Dagens Industri .", + "label": 0 + }, + { + "text": "Today the orange scissors are the iconic symbol of the excellent ergonomic design and superior quality associated with every product from Fiskars .", + "label": 0 + }, + { + "text": "Finnish developer and manufacturer of mobile phone chargers Salcomp Plc OMX Helsinki : SAL1V on Wednesday 19 November lowered its full-year net sales estimate .", + "label": -1 + }, + { + "text": "The company said shareholders will be able to vote on the agreement at an EGM scheduled for later this month .", + "label": 0 + }, + { + "text": "South Africa approves SABMiller, Coke bottling deal with conditions", + "label": 1 + }, + { + "text": "Profit for the period was EUR 9.8 mn , up from EUR 6.0 mn in 2004 .", + "label": 1 + }, + { + "text": "HUHTAMAKI OYJ STOCK EXCHANGE RELEASE , 16.9.2008 AT 13.32 Huhtamaki 's Capital Markets Day for institutional investors and analysts is held in Espoo , September 16 , 2008 starting at 13.30 pm Finnish time .", + "label": 0 + }, + { + "text": "Intertek Hit By Pound Strength, Oil & Gas Slowdown; Still Ups Dividend", + "label": -1 + }, + { + "text": "Yvonne Jones is owner of Chameleon Interiors .", + "label": 0 + }, + { + "text": "Therefore , Phase III of the research will not be conducted by Abbott .", + "label": 0 + }, + { + "text": "Sampo Group that has become a major shareholder in Nordea owns TrygVesta 's main competitor , If P & C Insurance .", + "label": 0 + }, + { + "text": "Asahi could be about to snap up more of SABMiller's beers ahead of AB InBev sale", + "label": 1 + }, + { + "text": "GlaxoSmithKline heart drug flops in study, shingles vaccine on track", + "label": -1 + }, + { + "text": "The cosmetics collection includes an eye shadow , face powder , lip gloss , mascara and accessories .", + "label": 0 + }, + { + "text": "Brazil Vale says will appeal ruling to block assets for dam burst", + "label": 0 + }, + { + "text": "M-real , which is part of Finnish paper maker Metsaliitto Group , is due to release its second-quarter report at around 12:00 EET on 5 August 2010 .", + "label": 0 + }, + { + "text": "`` After the share purchase is completed , financing will also be provided to expand Latvia 's broadband infrastructure and to develop new areas of business , including acquisitions of other companies . ''", + "label": 1 + }, + { + "text": "Nordea will coordinate the syndicated loan .", + "label": 0 + }, + { + "text": "Tesco says UK store closures put 2000 jobs at risk", + "label": -1 + }, + { + "text": "Estonia 's Agriculture Minister Helir-Valdor Seeder is in Finland on a two-day visit , in the course of which he will meet with his Finnish counterpart Sirkka-Liisa Anttila .", + "label": 0 + }, + { + "text": "FinancialWire tm is not a press release service , and receives no compensation for its news , opinions or distributions .", + "label": 0 + }, + { + "text": "The market share of Volkswagen passenger cars in Finland was 10.1 percent , Audi had a market share of 3.1 percent and Seat 's share was 0.9 percent .", + "label": 0 + }, + { + "text": "`` We are selling an information systems development business to the Finns .", + "label": 0 + }, + { + "text": "STOCK EXCHANGE ANNOUNCEMENT 20 July 2006 1 ( 1 ) BASWARE SHARE SUBSCRIPTIONS WITH WARRANTS AND INCREASE IN SHARE CAPITAL A total of 119 850 shares have been subscribed with BasWare Warrant Program .", + "label": 0 + }, + { + "text": "Finnish energy company Fortum Oyj said on November 13 , 2007 it was granted an environmental permit to build a biofuel-fired combined heat and power CHP plant in Vartan harbor in eastern Stockholm .", + "label": 1 + }, + { + "text": "Direct Line rings up higher profit", + "label": 1 + }, + { + "text": "The Group 's consolidated net sales for 2008 totaled 3.4 billion euros and it employs approximately 13,000 persons .", + "label": 0 + }, + { + "text": "ABB Deutsche Bank upgraded its recommendation on Swiss-Swedish engineering group ABB Ltd. to ` Buy ' from ` Hold ' .", + "label": 1 + }, + { + "text": "Barclays said to be cutting 150 investment bank jobs", + "label": -1 + }, + { + "text": "British American Tobacco accused of bribing senior politicians to sabotage ...", + "label": -1 + }, + { + "text": "Prudential shares halted in Hong Kong pending announcement", + "label": -1 + }, + { + "text": "Sainsbury CFO Rogers to Replace Home Retail CEO Walden", + "label": 0 + }, + { + "text": "AB InBev to sell Peroni and Grolsch", + "label": 1 + }, + { + "text": "Construction work on the Helsinki Music Centre is to start this autumn , with the total cost of the project estimated at 140 million euros .", + "label": 0 + }, + { + "text": "Finnish pharmaceuticals company Orion 's net sales rose to EUR 190mn in the first quarter of 2009 from EUR 180mn in the first quarter of 2008 .", + "label": 1 + }, + { + "text": "Reaching New Depths: Glencore's $5bn Loss", + "label": -1 + }, + { + "text": "Whitbread boss Andy Harrison defends sales fall as 'just a blip'", + "label": 0 + }, + { + "text": "The order is related to renewing the network of the telecommunications operator .", + "label": 0 + }, + { + "text": "Elcoteq SE is listed on the Nasdaq OMX Helsinki Ltd. .", + "label": 0 + }, + { + "text": "FDA panel backs safety updates for AstraZeneca, Takeda drugs", + "label": 0 + }, + { + "text": "NYSE owner ICE considers offer for LSE", + "label": 0 + }, + { + "text": "Global Markets Direct 's Pohjola Bank plc - Financial Analysis Review is an in-depth business , financial analysis of Pohjola Bank plc. .", + "label": 0 + }, + { + "text": "Operating profit excluding non-recurring items totaled EUR 5.4 mn compared to EUR 5.5 mn in the corresponding period in 2007 .", + "label": -1 + }, + { + "text": "Investors will continue being interested in the company 's share although it is not quite cheap , Affarsvarlden said .", + "label": 1 + }, + { + "text": "Rapala VMC Corporation STOCK EXCHANGE RELEASE October 10 , 2008 at 11.45 am Kaupthing Bank Oyj ( `` Kapthing '' ) has informed Rapala VMC Corporation ( `` Rapala '' ) that it has interrupted the liquidity providing for Rapala 's share for the time being .", + "label": -1 + }, + { + "text": "United Utilities' full-year underlying operating profit falls 9 percent", + "label": -1 + }, + { + "text": "Trading ExpertBROKER RECOMMENDATIONSAnalysts mostly negative on Aberdeen but some see value", + "label": -1 + }, + { + "text": "The company has exported into about twenty European countries as well as to Africa .", + "label": 0 + }, + { + "text": "FDA approves AstraZeneca drug for advanced lung cancer", + "label": 1 + }, + { + "text": "Glencore fight back over debt fears lifts shares", + "label": 1 + }, + { + "text": "CORRECTED-Shire to buy Dyax for about $5.9 bln", + "label": 1 + }, + { + "text": "UPDATE 1-AstraZeneca potassium drug delayed by manufacturing snag", + "label": -1 + }, + { + "text": "Pharmaceutical market in Czech Republic Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Czech Republic .", + "label": 0 + }, + { + "text": "With CapMan as a partner , we will be able to further develop our business and continue to focus on providing quality restaurant services for our customers , '' says Christopher Wynne , CEO of Papa John 's Russia .", + "label": 1 + }, + { + "text": "The expansion is to be finalized in the autumn of 2009 .", + "label": 0 + }, + { + "text": "`` Those uncertainties cloud the long-term outlook . ''", + "label": -1 + }, + { + "text": "The new plant is planned to have an electricity generation capacity of up to 350 megawatts ( MW ) and the same heat generation capacity .", + "label": 0 + }, + { + "text": "Tesco share price dips as Blinkbox Books closes ending supermarket's digital ...", + "label": -1 + }, + { + "text": "Diluted loss per share stood at EUR 0.15 versus EUR 0.26 .", + "label": 1 + }, + { + "text": "The value of the order is EUR 700,000 .", + "label": 0 + }, + { + "text": "Net sales for the financial year 2006 are expected to amount to about EUR20m and the operating result EBIT is expected to be a loss , as announced before .", + "label": -1 + }, + { + "text": "Barclays Said to Cut 150 at Investment Bank as McCormick Departs", + "label": -1 + }, + { + "text": "Aberdeen Asset Management Gains Foothold In China", + "label": 1 + }, + { + "text": "Beach holiday demand helps lift clouds for easyJet", + "label": 1 + }, + { + "text": "Buffett's Berkshire builds Deere stake, dumps Exxon", + "label": 1 + }, + { + "text": "Primark racks up a happy Christmas after strong sales", + "label": 1 + }, + { + "text": "Like all other mechanical pipettors from Biohit , also Proline Plus is CE-IVD marked and comes with a 3-year warranty .", + "label": 0 + }, + { + "text": "Sainsbury's and Glencore give FTSE a three-digit lift - London Report", + "label": 1 + }, + { + "text": "Cuadrilla chief Francis Egan: Scaremongering fracking opponents make me angry", + "label": 0 + }, + { + "text": "The project will be a 2 x 600 MW coal-fired power plant , located some 420 km south of Hanoi , the company said .", + "label": 0 + }, + { + "text": "StanChart and RBS struggle in Bank of England stress tests", + "label": -1 + }, + { + "text": "The interim report for the first quarter is published on May 8 , 2009 .", + "label": 0 + }, + { + "text": "The writing and publication of Lemmink+ñinen -¦ s history is a continuation of earlier collaboration between Antti Tuuri and the company .", + "label": 0 + }, + { + "text": "Finnish Suominen Corporation that makes wipes , nonwovens , and flexible packaging , expects changes in the market situation to reduce sales of Suominen 's nonwovens and wet wipes from the previously estimated volumes .", + "label": -1 + }, + { + "text": "Around 250 of these reductions will be implemented through pension arrangements .", + "label": 0 + }, + { + "text": "London Stock Exchange seals £22 billion merger with Germany's Deutsche Börse", + "label": 1 + }, + { + "text": "Tesco Cut to Junk at Moody's on Concern Revival to Take Time", + "label": -1 + }, + { + "text": "Barclays Said to Shrink Bonus Pool to Less Than 2 Billion Pounds", + "label": 1 + }, + { + "text": "In the Baltic states the company reports net sales of EUR 11.9 mn , down from EUR 14.2 mn , and an operative EBIT of EUR -2.2 mn , down from EUR -1.7 mn .", + "label": -1 + }, + { + "text": "The value of the deal has not been disclosed .", + "label": 0 + }, + { + "text": "FCA set to fine Lloyds record £100m over PPI", + "label": -1 + }, + { + "text": "Fortum also has a blocking stake in Northwestern TGK-1 .", + "label": 0 + }, + { + "text": "( ADP News ) - Dec 11 , 2008 - Finnish construction and engineering company Outotec Oyj ( OMX : OTE1V ) said today it won a EUR 28 million ( USD 36.8 m ) order to expand the phosphate concentrator in Siilinjarvi of Norwegian minera", + "label": 1 + }, + { + "text": "The reason for this is St. Petersburg status as a capital , one of the participants in the meeting quoted Chikunov as saying .", + "label": 0 + }, + { + "text": "You need to be ready when the window opens up , Rosberg said .", + "label": 0 + }, + { + "text": "Dragonfly Love is another video shot from start to finish using the Nokia N8 .", + "label": 0 + }, + { + "text": "FTSE falls to 3-month low on Greek debt concerns, easyJet skids", + "label": -1 + }, + { + "text": "We'd support HSBC leaving London, says Standard Life", + "label": 0 + }, + { + "text": "Domino's Pizza worker sacked after crude slur aimed at customer on order screen", + "label": -1 + }, + { + "text": "Glencore sees Tripoli-based NOC as sole legal seller of Libyan oil", + "label": 0 + }, + { + "text": "Through the new production lines at the Novator mill in Veliky Ustjug , Vologda Oblast , Sveza will change its current 1.5 m by 1.5 m birch plywood production targeting the domestic market to produce 1.5 m by 3.0 m overlaid birch plywood for the global market .", + "label": 0 + }, + { + "text": "The Group 's revenue in 2009 amounted to EUR 70 million and the company currently employs approximately 780 people .", + "label": 0 + }, + { + "text": "Sainsbury's and Glencore give FTSE a three-digit lift - London Report", + "label": 1 + }, + { + "text": "BG Group appoints new CEO one month early", + "label": 0 + }, + { + "text": "` This is a repeat order to follow successfully installed 159 elevators in the same Delhi metro system , ' Kone spokeswoman told Thomson Financial News .", + "label": 1 + }, + { + "text": "2010 16 July 2010 - Finnish steel maker Rautaruukki Oyj HEL : RTRKS , or Ruukki , said today it turned to a net profit of EUR20m in the second quarter of 2010 from a net loss of EUR94m in the corresponding period last year .", + "label": 1 + }, + { + "text": "GenVec is a biopharmaceutical company developing novel therapeutic drugs and vaccines .", + "label": 0 + }, + { + "text": "`` I am extremely delighted with this project and the continuation of cooperation with Viking Line .", + "label": 1 + }, + { + "text": "Net sales increased to EUR655m in April to June 2010 from EUR438m a year earlier .", + "label": 1 + }, + { + "text": "UPDATE 6-Royal Dutch Shell pulls plug on Arctic exploration", + "label": -1 + }, + { + "text": "British American Tobacco accused of bribing senior politicians to sabotage ...", + "label": -1 + }, + { + "text": "`` They want my credit card info and my personal details .", + "label": 0 + }, + { + "text": "Both the net sales and operating profit were record high in the company 's history .", + "label": 1 + }, + { + "text": "Landlord Hammerson's NAV rises on increased leasing activity", + "label": 1 + }, + { + "text": "Also , a six-year historic analysis is provided for these markets .", + "label": 0 + }, + { + "text": "Luna took fifth place on six-under 207 , a shot behind Spain 's Beatriz Recari and Germany 's Martina Eberl , while Welsh player Becky Brewerton was the highest-placed British finisher , sharing seventh place on three-under 210 after shooting 71 .", + "label": 0 + }, + { + "text": "GSK reveals strong trial results for shingles drug", + "label": 1 + }, + { + "text": "Water Treatment Products In Australia Today , Global Research & Data Services is going to publish a market analysis about the market for chemical water treatment products in Australia .", + "label": 0 + }, + { + "text": "The OMX Helsinki 25 index was up 0.92 pct at 2,518.67 and the Helsinki CAP portfolio index was 0.91 pct higher at 4,711.19 .", + "label": 1 + }, + { + "text": "Thus the group 's balance sheet will have about EUR25 .8 m of goodwill , the company added .", + "label": 0 + }, + { + "text": "The original contract was signed last summer .", + "label": 0 + }, + { + "text": "Pharmaceuticals - Czech Republic This brand-new market analysis gives a clear overview of the actual situation and future outlook of the pharmaceutical market in Czech Republic .", + "label": 0 + }, + { + "text": "Tesco leads leap in FTSE 100; Marks & Spencer drops", + "label": 1 + }, + { + "text": "FTSE ends higher; 3i Group leads after strong earnings", + "label": 1 + }, + { + "text": "Berkshire applies to boost Wells Fargo stake above 10 percent", + "label": 1 + }, + { + "text": "Finnish fibers and plastic products maker Suominen Corporation said its net loss narrowed to 1.6 mln euro $ 2.0 mln in the first nine months of 2006 from 2.16 mln euro $ 2.7 mln in the same period of 2005 .", + "label": 1 + }, + { + "text": "Bluewin Security is available as a monthly subscription .", + "label": 0 + }, + { + "text": "Morrisons store closures: 900 jobs to go as 11 branches are closed due to ...", + "label": -1 + }, + { + "text": "Operating profit fell to EUR 38.1 mn from EUR 55.3 mn in 2007 .", + "label": -1 + }, + { + "text": "Lawmakers worry AB InBev beer deal will hurt craft brewers", + "label": 0 + }, + { + "text": "Royal Mail, Johnson Matthey lead FTSE lower", + "label": -1 + }, + { + "text": "The method utilises waterborne Ultra products , giving protection to wooden surfaces in an industrial painting process whereby two layers of top coat are applied on exterior wooden panels and boards without a separate primer .", + "label": 0 + }, + { + "text": "Operating profit totalled EUR 30.2 mn , down from EUR 43.8 mn a year earlier .", + "label": -1 + }, + { + "text": "In January-September 2007 , the group 's net sales from continuing operations rose to EUR 213.1 mn from EUR 172.6 mn in the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "It is expected to be online by 2011 .", + "label": 0 + }, + { + "text": "Buffett's Berkshire builds Deere stake, dumps Exxon", + "label": 0 + }, + { + "text": "Aspo serves demanding business-to-business customers .", + "label": 0 + }, + { + "text": "Finnish forest machinery manufacturer Ponsse has issued a profit warning .", + "label": -1 + }, + { + "text": "Pretax loss totaled EUR 117mn compared to a loss of EUR 65mn in the corresponding period .", + "label": -1 + }, + { + "text": "Tesco to 'axe 10000 jobs' in 'simplification' drive to cut costs by 30 per cent", + "label": 1 + }, + { + "text": "A huge issue for us is the button placement .", + "label": 0 + }, + { + "text": "Warren Buffett's Berkshire Hathaway quarterly profit jumps almost one third", + "label": 1 + }, + { + "text": "Operating profit totaled EUR 825mn , up from EUR 763mn in 2004 .", + "label": 1 + }, + { + "text": "Revenue in the quarter fell 8 percent to ( EURO ) 2.4 billion compared to a year earlier .", + "label": -1 + }, + { + "text": "Food sales totalled EUR 323.5 mn in October 2009 , representing a decrease of 5.5 % from October 2008 .", + "label": -1 + }, + { + "text": "UPDATE 1-Pearson expects to grow this year after solid end to 2014", + "label": 1 + }, + { + "text": "Commission income fell to EUR 4.6 mn from EUR 5.1 mn in the corresponding period in 2007 .", + "label": -1 + }, + { + "text": "Otherwise the situation is under control .", + "label": 0 + }, + { + "text": "Why not give your bedroom a cool makeover for summer .", + "label": 0 + }, + { + "text": "Glencore Cuts 2015 Budget, Plans To Divest From Lonmin", + "label": -1 + }, + { + "text": "Tata Steel working with StanChart for UK unit sale - source", + "label": 0 + }, + { + "text": "CapMan has six investment areas CapMan Buyout , CapMan Technology , CapMan Life Science , CapMan Russia , CapMan Public Market and CapMan Real Estate , and each of them has a dedicated team and funds .", + "label": 0 + }, + { + "text": "CompaniesCoutts raids JPMorgan Chase for new CEO", + "label": 0 + }, + { + "text": "AstraZeneca says new lung cancer pill Tagrisso approved by EU", + "label": 1 + }, + { + "text": "Net sales of Kyro 's main business area , Glaston Technologies , a manufacturer of glass processing machines , decreased to EUR 161.5 mn from EUR 164.1 mn in January-September 2005 .", + "label": -1 + }, + { + "text": "The transaction was announced on September 29 when Pohjola Insurance agreed to pay EUR 80 million ( USD 106.3 m ) in cash for Pohjantahti .", + "label": 0 + }, + { + "text": "Aggreko 2015 Profit Declines - Quick Facts", + "label": -1 + }, + { + "text": "Scanfil expects net sales in 2008 to remain at the 2007 level .", + "label": 0 + }, + { + "text": "BG Group Still Happy With Shell's $70 Billion Offer", + "label": 1 + }, + { + "text": "Amazon's grocery deal with Morrisons is only the beginning", + "label": 1 + }, + { + "text": "Barclays Names Mike Bagguley as Chief Operating Officer of Investment Bank", + "label": 0 + }, + { + "text": "Ruukki announced that it has signed an agreement with Aker Solutions of Norway to supply 24 suction anchors in September 2010 from its Kalajoki unit in Finland .", + "label": 1 + }, + { + "text": "Doubts grow over GlaxoSmithKline's $6 bln capital return plan", + "label": -1 + }, + { + "text": "AB InBev approaches SABMiller to explore $250bn tie-up", + "label": 1 + }, + { + "text": "Shell's profits hit by further slide in oil prices", + "label": -1 + }, + { + "text": "The energy sector accounted for approximately 33 % and the steel industry for about 57 % of the transportation volume .", + "label": 0 + }, + { + "text": "StanChart announces $5.1 billion capital-raising plan, posts Q3 loss", + "label": -1 + }, + { + "text": "Their names have not yet been released .", + "label": 0 + }, + { + "text": "Net profit in the period in 2009 was ( EURO ) 29 million .", + "label": 0 + }, + { + "text": "About 36 % of this came from Aspo Chemicals , 39 % from Aspo Shipping and 25 % from Aspo Systems .", + "label": 0 + }, + { + "text": "Shire share price under pressure after $32bn Baxalta deal", + "label": 0 + }, + { + "text": "`` Our aim is to understand different traffic patterns based on the use of each building .", + "label": 0 + }, + { + "text": "AstraZeneca sells rights to anaesthetics to South Africa's Aspen", + "label": 1 + }, + { + "text": "The company said that it will supply the WCDMA 3G-HSPA radio network , including the modular , high capacity Nokia Flexi WCDMA base station in East Java , Bali , Sumatra and Batam .", + "label": 1 + }, + { + "text": "The Finnish company is building a 800,000 mt-year biodiesel plant in Singapore .", + "label": 0 + }, + { + "text": "Shell challenges Exxon dominance with 47 billion-pound bid for BG", + "label": 0 + }, + { + "text": "As a result , 12 people will be made redundant and a total of 67 persons are laid off temporarily .", + "label": -1 + }, + { + "text": "It was decided that the auditors are reimbursed according to invoice .", + "label": 0 + }, + { + "text": "CompaniesRoyal Mail swerves new pricing regulations", + "label": 0 + }, + { + "text": "Barclays CEO poaches risk head from JP Morgan", + "label": 0 + }, + { + "text": "Barclays hit with record fine as six banks settle forex scandal", + "label": -1 + }, + { + "text": "Britain's FTSE gains, Land Securities up after dividend hike", + "label": 1 + }, + { + "text": "UK government cuts stake in Lloyds to below 11 percent", + "label": 0 + }, + { + "text": "Pertti Ervi is independent from the Company and its major shareholders .", + "label": 0 + }, + { + "text": "Novartis buys remaining rights to GSK treatment in deal up to $1 billion", + "label": 1 + }, + { + "text": "BHP Billiton slashes dividend, posts $5.67 billion net loss", + "label": -1 + }, + { + "text": "Latin America currently accounts for approximately 40 % of sales at Tecnotree , company president and CEO Eero Mertano recently told BNamericas .", + "label": 0 + }, + { + "text": "ITV share price: Group mulls takeover of Canada's Entertainment One", + "label": 1 + }, + { + "text": "UPDATE 2-Pricey beers lift SABMiller's quarterly underlying sales", + "label": 1 + }, + { + "text": "It has some 30 offices worldwide and more than 90 pct of its net sales are generated outside Finland .", + "label": 0 + }, + { + "text": "Lieksaare Oy has earlier been regarded under the control of Saarelainen Oy and the individual shareholders under the shareholder agreement .", + "label": 0 + }, + { + "text": "The shares subscribed will be eligible for trade on the following day from the registration .", + "label": 0 + }, + { + "text": "Aldi and Lidl expansion plans speed ahead as Tesco, Sainsbury's, Morrisons ...", + "label": 1 + }, + { + "text": "The turbines are expected to be launched by the end of 2012 .", + "label": 0 + }, + { + "text": "It will be operated by Nokia , and supported by its Nokia NetAct network and service management system .", + "label": 0 + }, + { + "text": "The aim is to develop open-source application solutions .", + "label": 0 + }, + { + "text": "Meggitt Acquires Cobham Advanced Composites Unit For USD200 Million", + "label": 1 + }, + { + "text": "The total headcount reduction will be 50 persons , the company said .", + "label": -1 + }, + { + "text": "The sellers were the founders of the company .", + "label": 0 + }, + { + "text": "Okmetic has used the furnaces for the contract manufacturing of solar crystals .", + "label": 0 + }, + { + "text": "Morning Agenda: Shire's Deal for NPS", + "label": 0 + }, + { + "text": "Finnish power supply solutions and systems provider Efore Oyj said its net loss widened to 3.2 mln euro $ 4.2 mln for the first quarter of fiscal 2006-2007 ending October 31 , 2007 from 900,000 euro $ 1.2 mln for the same period of fiscal 2005-06 .", + "label": -1 + }, + { + "text": "In stead of being based on a soft drink , as is usual , the Teho energy drink is made with fresh water .", + "label": 0 + }, + { + "text": "The company 's profit totaled Ls 578,100 in H1 2007 , down 30.9 % year-on-year .", + "label": -1 + }, + { + "text": "METALS-Zinc soars 10 pct, fuelling metals surge after Glencore cuts output", + "label": 1 + }, + { + "text": "The effect may remain short-lived , however .", + "label": 0 + }, + { + "text": "Timo Penttila has been appointed new manager responsible for the asset management of Nordea 's institutional customers in Finland .", + "label": 0 + }, + { + "text": "Exel wants to serve its industrial customers with individual products .", + "label": 0 + }, + { + "text": "Almost two thirds of Olvi 's net sales come from outside Finland .", + "label": 0 + }, + { + "text": "Morrisons and Debenhams surprise City with Christmas bounce back", + "label": 1 + }, + { + "text": "Barclays, Deutsche Bank Fight to Lift Profit Just Got Harder", + "label": -1 + }, + { + "text": "Sanoma Magazines Finland 's net sales grew to EUR 140.1 mn from EUR 131.8 mn .", + "label": 1 + }, + { + "text": "Glencore Agrees to Sell Minority Stake in Agriculture Business", + "label": 1 + }, + { + "text": "Simultaneously , his responsibility area is extended from legal affairs to cover also mergers and acquisitions .", + "label": 0 + }, + { + "text": "( ADP News ) - Finnish handling systems provider Cargotec Oyj ( HEL : CGCBV ) announced on Friday it won orders worth EUR 10 million ( USD 13.2 m ) to deliver linkspans to Jordan , Morocco and Ireland .", + "label": 1 + }, + { + "text": "The start of the negotiations , relating to Glaston 's efficiency program , was announced in October .", + "label": 0 + }, + { + "text": "Danske Bank A-S DANSKE DC jumped 3.7 percent to 133.4 kroner , rebounding from yesterday s 3.5 percent slide .", + "label": 1 + }, + { + "text": "Mr Clausen , however , refused to comment the option that Nordea would consider buying into Citadele Bank .", + "label": 0 + }, + { + "text": "MarketsUS industrials lag as Barclays dims view", + "label": -1 + }, + { + "text": "Complete name of shareholder : Otto Henrik Bernhard Nyberg For further information , please contact Maija-Liisa Friman , CEO , tel. +358 9 7597 0711 .", + "label": 0 + }, + { + "text": "In addition , the contract includes modification of the effluent treatment plant at Follum .", + "label": 0 + }, + { + "text": "The third order awarded to Outokumpu Technology is by Shalkiya Zinc of Kazakhstan for the Shalkiya zinc-lead project in Kazakhstan .", + "label": 1 + }, + { + "text": "Tullow Oil Suspends Dividend Amid Oil Price Fall", + "label": -1 + }, + { + "text": "Net profit was 35.5 mln compared with 29.8 mln .", + "label": 1 + }, + { + "text": "Whitbread eyes savings, price rises to offset wage rises", + "label": 0 + }, + { + "text": "Tesco leads leap in FTSE 100; Marks & Spencer drops", + "label": 1 + }, + { + "text": "Central Europe is an important market area for Honka .", + "label": 0 + }, + { + "text": "The value of the total investment is about EUR 600mn .", + "label": 0 + }, + { + "text": "Also , CBA is to issue a benchmark , 10 year fixed rate deal in Euros .", + "label": 0 + }, + { + "text": "US sanctions put Gazprom-Shell alliance plans in jeopardy", + "label": -1 + }, + { + "text": "The Finnish national carrier said net loss in April through June was euro26 million , down from a net profit of euro13 million a year earlier .", + "label": -1 + }, + { + "text": "BP slashes capital spending by 20%", + "label": -1 + }, + { + "text": "Goldman Sachs, Barclays, HSBC downplay Brexit threat", + "label": 0 + }, + { + "text": "s business sectors are building construction , infrastructure construction and technical building services .", + "label": 0 + }, + { + "text": "The Hayward , Calif.-based target designs active , casual and dress footwear , as well as boots and sandals .", + "label": 0 + }, + { + "text": "The acquired business main asset is a mobile authentication and signing solution , branded as Tectia MobileID , which provides authentication to web e-mail , SSL-VPN , MS SharePoint , Tectia Secure Solutions and other applications and resources .", + "label": 0 + }, + { + "text": "In April 2005 , Neste separated from its parent company , Finnish energy company Fortum , and became listed on the Helsinki Stock Exchange .", + "label": 0 + }, + { + "text": "Standard Life impresses as fee-based products offset annuities slump", + "label": 1 + }, + { + "text": "The company is presently examining whether the project would be financially feasible .", + "label": 0 + }, + { + "text": "GlaxoSmithKline rebound gathering pace, says outgoing CEO", + "label": 1 + }, + { + "text": "Addus ' services include personal care and assistance with activities of daily living , skilled nursing and rehabilitative therapies , and adult day care .", + "label": 0 + }, + { + "text": "Clydesdale and Yorkshire moves closer to independence", + "label": 1 + }, + { + "text": "Net sales decreased to EUR 220.5 mn from EUR 470.0 mn in the corresponding period in 2009 .", + "label": -1 + }, + { + "text": "In the method the smelt spouts 2 are separated from the working area 6 by a shielding wall 8 , 10 arranged movable in relation to the smelt spouts .", + "label": 0 + }, + { + "text": "Our customers include companies in the energy and process industry sectors , in particular .", + "label": 0 + }, + { + "text": "Novo Nordisk and AstraZeneca seek tonic from key drug trials", + "label": 0 + }, + { + "text": "Do it for me' trend underpins UK sales growth at Kingfisher", + "label": 1 + }, + { + "text": "( ADP News ) - Nov 5 , 2008 - Finnish electronic measurement products and solutions maker Vaisala Oyj ( OMX : VAIAS ) said today that its net profit rose to EUR 18 million ( USD 23.1 m ) for the first nine months of 2008 from EUR 1", + "label": 1 + }, + { + "text": "EasyJet to pass on lower fuel prices to customers", + "label": 0 + }, + { + "text": "The company targets sales of Ls 27.1 mn ( Ls 23.498 mn ) and a profit of Ls 300,000 ( Ls 371,500 ) in 2007 .", + "label": 0 + }, + { + "text": "Operating profit was EUR 9.8 mn , compared to a loss of EUR 12.7 mn in the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "Tesco set to sell Kipa, Giraffe businesses - Sky News", + "label": 0 + }, + { + "text": "One of the headboxes will be equipped with a modern consistency control system to ensure cross machine profile of the plasterboard , company said in a statement received by Lesprom Network .", + "label": 0 + }, + { + "text": "CommentOpening Quote: Tesco; Premier Foods jilted; FCA on IPOs", + "label": 0 + }, + { + "text": "Sony Ericsson and Nokia dominated the list of best-selling handsets with five models each .", + "label": 1 + }, + { + "text": "Diluted EPS rose to EUR3 .68 from EUR0 .50 .", + "label": 1 + }, + { + "text": "Industry NewsG4S makes 'positive' start to year, no new impairments", + "label": 1 + }, + { + "text": "The repayment of EUR 105 million debenture bonds is related to the Company 's previous announcement on October 21 , 2009 to collect irrevocable selling commitments from the holders of its subordinated debenture bonds .", + "label": 0 + }, + { + "text": "Saudi Aramco, Shell plan to break up Motiva, divide up assets", + "label": 1 + }, + { + "text": "Kemira , headquartered in Helsinki , Finland , is an international chemicals group comprising the business areas Kemira Pulp & Paper , Kemira Water , Kemira Specialty and Kemira Coatings .", + "label": 0 + }, + { + "text": "TSB boss: Current account switching must be simpler", + "label": 0 + }, + { + "text": "The contractor of the shopping center , China State Construction Engineering Corporation , has previously built e.g. airports , hotels and factories for large international customers in different parts of the world .", + "label": 0 + }, + { + "text": "Operating profit increased by 145.1 % to EUR 8.3 mn from EUR 3.4 mn .", + "label": 1 + }, + { + "text": "The tests , conducted at Nokia Siemens ' LTE center of competence in Espoo , Finland , follow the company 's production start of LTE-ready Flexi Multiradio Base Stations for the 800 MHz band in April 2010 , and complement earlier tests with Nokia on the 2100 MHz and 2600 MHz bands .", + "label": 0 + }, + { + "text": "Novartis buys remaining rights to GSK treatment in deal up to $1 billion", + "label": 1 + }, + { + "text": "Struggling Morrisons pays out £3m to sacked boss Dalton Philips – with more to ...", + "label": -1 + }, + { + "text": "The Coca-Cola Company and Coca-Cola FEMSA to Acquire AdeS Soy-Based Beverage Business From Unilever", + "label": 1 + }, + { + "text": "AB InBev attacks SABMiller bid rebuffal", + "label": 0 + }, + { + "text": "AB InBev offers to sell some SABMiller brands", + "label": 1 + }, + { + "text": "Intertek profit up 16.1%; expects to meet forecast", + "label": 1 + }, + { + "text": "Shire share price under pressure after $32bn Baxalta deal", + "label": 0 + }, + { + "text": "Poyry 's contract includes engineering management , civil and detail engineering services , and time scheduling and procurement services .", + "label": 0 + }, + { + "text": "British American Tobacco first-half sales hurt by currency moves", + "label": -1 + }, + { + "text": "Finnish automation solutions developer Cencorp Corporation ( OMX Helsinki : CNC1V ) issued on Thursday ( 18 September ) a profit warning for the third quarter of 2008 .", + "label": -1 + }, + { + "text": "The company admits that 36 months is a relatively short time when operating in Russia .", + "label": 0 + }, + { + "text": "FDA approves NPS drug, in move validating Shire takeover deal", + "label": 1 + }, + { + "text": "Following the demerger , the vice president of the group 's pharmaceutical trade in Finland , Jukka Niemi , will be appointed managing director of Oriola in addition to his current responsibilities .", + "label": 0 + }, + { + "text": "According to the report , Elisa 's and DNA 's joint market share of Finland 's telecom market is 59 % .", + "label": 0 + }, + { + "text": "Officials did not disclose the contract value .", + "label": 0 + }, + { + "text": "SSE to Shut Coal-Fired Plant Amid Shift to Gas, Renewable Energy", + "label": 0 + }, + { + "text": "The value of the order is nearly EUR400m .", + "label": 0 + }, + { + "text": "UPDATE 1-Dairy Crest loses a third of Morrisons milk contract", + "label": 0 + }, + { + "text": "Metsaliitto , however , narrowed its net loss for the second quarter of 2007 to 5.0 mln euro $ 6.9 mln from 61 mln euro $ 83.7 mln a year ago .", + "label": 1 + }, + { + "text": "AstraZeneca investment eats into profit", + "label": 0 + }, + { + "text": "The bank 's leasing arm Nordea Liising ended the year with a profit of 4.4 million euros .", + "label": 0 + }, + { + "text": "Validating our fgVoIP client through Symbian Signed represents a significant step forward in accomplishing this goal .", + "label": 1 + }, + { + "text": "BP cuts capex for third time this year to deal with weak oil", + "label": -1 + }, + { + "text": "Among the biggest Christmas sellers were a 35 satin bow shift dress styled on outfits worn by Victoria Beckham and a 75 Paris Hilton Prom dress .", + "label": 0 + }, + { + "text": "The business units of the InvestLesProm Group cover the full forest industry chain , and the Group owns forests , sawmills , paper and pulp mills , and other processing plants .", + "label": 0 + }, + { + "text": "MarketsMoneysupermarket slides 11% on Barclays Brexit warning", + "label": -1 + }, + { + "text": "L&T also acquired a 50 pct stake in local sector company Salvor Oy at the beginning of September 2007 .", + "label": 0 + }, + { + "text": "For the new shares subscribed with stock options all shareholder rights commence from the date on which they are entered into the Trade Register .", + "label": 0 + }, + { + "text": "The company designs , manufactures and markets high-quality clothing , interior decoration textiles , bags and other accessories .", + "label": 0 + }, + { + "text": "With the U.S. Federal Government putting a stake in the ground , vendors - and their customers - are focused on meeting the deadline .", + "label": 0 + }, + { + "text": "So far Norwegian Norske Skog has reduced the staff levels by 1,000 people and plans to reduce production by 200,000 tons in 2008 , while Finnish-Swedish Stora Enso is to cut staff by 1,700 people and production by 500,000 tons .", + "label": -1 + }, + { + "text": "GSK hopes big clinical trial can breath new life into lung drug", + "label": 0 + }, + { + "text": "Deliveries of Nokia 1112 , Nokia 2310 and Nokia 2610 are expected to start in the second quarter of 2006 .", + "label": 0 + }, + { + "text": "Satama 's net profit for the third quarter of 2007 rose to 275,000 euro ( $ 395,000 ) from 270,000 euro ( $ 388,000 ) for the same period of 2006 .", + "label": 1 + }, + { + "text": "The estimated turnover of the new company is LVL 2,5 million EEK 40 million .", + "label": 0 + }, + { + "text": "BAE Systems lines up oil exec Woodburn as next CEO -source", + "label": 0 + }, + { + "text": "Buffett's Berkshire builds Deere stake, dumps Exxon", + "label": -1 + }, + { + "text": "The Company turnover amounted to MEUR 27.9 in 2007 .", + "label": 0 + }, + { + "text": "Prior to the transaction , whose financial terms have not been disclosed , Alma Media owned 40 % of Kotikokki net .", + "label": 0 + }, + { + "text": "At CapMan Haavisto will be responsible for Group Finances and Accounting and IT .", + "label": 0 + }, + { + "text": "Dopplr members share personal and business travel plans privately with their networks , and highlight interesting places to stay , eat and explore in cities around the world .", + "label": 0 + }, + { + "text": "Royal Dutch Shell Posts Rise in Earnings Despite Lower Oil Prices", + "label": 1 + }, + { + "text": "The company can not give up palm oil altogether , however .", + "label": 0 + }, + { + "text": "The business section also includes Ahlstrom 's sustainability report .", + "label": 0 + }, + { + "text": "Cash flow from operations rose to EUR 52.7 mn from EUR 15.6 mn in 2007 .", + "label": 1 + }, + { + "text": "We also strengthen our existing partnership with Cybercom '' , says Teleste CTO Esko Myllyla .", + "label": 1 + }, + { + "text": "Barclays Names Mike Bagguley as Chief Operating Officer of Investment Bank", + "label": 0 + }, + { + "text": "BP Judge Urged to Impose $11.7 Billion-Plus Spill Fine", + "label": -1 + }, + { + "text": "Following the move , Stora Enso holding in NewPage will remain unchanged .", + "label": 0 + }, + { + "text": "UK regulators license BAT e-cigarette as quit-smoking medicine", + "label": 1 + }, + { + "text": "The total number of shares in the company will be 585,236,987 Innofactor group Innofactor offers its customers comprehensive solutions in the Microsoft environment .", + "label": 0 + }, + { + "text": "Digia will also set up two subsidiaries , Digia Norway AS and Digia USA Inc. .", + "label": 0 + }, + { + "text": "Stora Enso R shares rose 1.20 pct to 11.84 eur , UPM-Kymmene was also dragged higher , rising 1.68 pct to 17.56 eur and M-Real B added 2.38 pct to 4.30 eur .", + "label": 1 + }, + { + "text": "TSB boss: Current account switching must be simpler", + "label": 0 + }, + { + "text": "The revenues of the business reached NOK 12 million for 2008 .", + "label": 0 + }, + { + "text": "UK chip designer ARM hits a high after iPhone 6 boost", + "label": 1 + }, + { + "text": "Ruukki 's delivery volumes and selling prices showed favourable development and the company 's comparable net sales grew by 50 % year-on-year to EUR647m , CEO Sakari Tamminen said .", + "label": 1 + }, + { + "text": "Operating loss amounted to EUR 0.7 mn compared to a profit of EUR 0.8 mn in the second quarter of 2005 .", + "label": -1 + }, + { + "text": "Tesco leads FTSE higher on Clubcard bid reports", + "label": 1 + }, + { + "text": "For the fiscal year ending September 30 , 2009 the revenue from these customers was $ 10.012 million or around 11.0 % of the transportation group 's revenue .", + "label": 0 + }, + { + "text": "( The acquisition sum has not been disclosed . )", + "label": 0 + }, + { + "text": "Barclays to speed up cost-cuts after new mis-selling hit", + "label": -1 + }, + { + "text": "The total value of the project is about EUR53m , including the plots that will be transferred to Atria .", + "label": 0 + }, + { + "text": "The total scholarship amount was 40,000 euros and the recipients were chosen on the recommendation of fine arts universities and sports associations .", + "label": 0 + }, + { + "text": "The company did not distribute a dividend in 2005 .", + "label": 0 + }, + { + "text": "Shire proposes $30 bln all-share tie-up with Baxalta", + "label": 1 + }, + { + "text": "Schroders posts FY profit beat, replaces CEO and chairman in board shake-up", + "label": 0 + }, + { + "text": "Cuadrilla and protesters await Lancashire fracking decision", + "label": 0 + }, + { + "text": "The ISO certification demonstrates that we are moving forward in our quality commitments to our customers . '", + "label": 1 + }, + { + "text": "Lifetree was founded in 2000 , and its revenues have risen on an average by 40 % with margins in late 30s .", + "label": 1 + }, + { + "text": "A coker crane will be supplied to Tesoro Corporation 's Golden Eagle Refinery in Martinez , California , while a similar crane will be delivered to BP 's Castell refinery in Spain .", + "label": 0 + }, + { + "text": "The total value of the project is valued at SEK 30bn ( EUR 2.83 bn USD 3.81 bn ) .", + "label": 0 + }, + { + "text": "Of these shares 29,659,239 are held by the Company or its group companies and the number of outstanding shares and voting rights attached to the shares thus amounts to 322,705,218 .", + "label": 0 + }, + { + "text": "US sanctions put Gazprom-Shell alliance plans in jeopardy", + "label": -1 + }, + { + "text": "This implementation is very important to the operator , since it is about to launch its Fixed-to-Mobile convergence service in Brazil see Brazil : 8 May 2006 : .", + "label": 0 + }, + { + "text": "The Board of Directors proposes to the Shareholders ' Meeting on 18 March 2010 that the company would pay dividend for the financial year January 1 - December 31 , 2009 , EUR 0.02 per share .", + "label": 0 + }, + { + "text": "UPDATE: Aggreko Interim Profit Drops As It Undertakes Restructuring", + "label": -1 + }, + { + "text": "Helsinki on October 22 , 2008 SSH COMMUNICATIONS SECURITY CORP Board of Directors For further information , please contact : Tomi Laamanen , Chairman , tel. +358 0 400 609 544 Distribution : NASDAQ OMX Helsinki Ltd. .", + "label": 0 + }, + { + "text": "RBS and Barclays shares temporarily suspended amid heavily losses", + "label": -1 + }, + { + "text": "The Finnish business delegation includes representatives from over 20 companies that include Nokia Corp , Finnfund , Outokumpu Oyj , OKO Bank , Alteams Oy and Cargotec Corp. .", + "label": 0 + }, + { + "text": "Nordic banks have already had to write off sizable loans in Latvia , with Swedbank , Nordea , DnB NOR and SEB reporting combined losses in excess of $ 1.35 billion in the period 2007 to 2010 against a backdrop of near economic meltdown in Latvia .", + "label": -1 + }, + { + "text": "Barclays appoints JPMorgan's Paul Compton as new COO", + "label": 0 + }, + { + "text": "SAB's Chairman Digs In With Board Divided on InBev Offer", + "label": 0 + }, + { + "text": "Repair and maintenance business accounted for net sales of EUR 645.3 mn , up from EUR 563.6 mn .", + "label": 1 + }, + { + "text": "UK's FTSE climbs to record closing high as Standard Chartered surges", + "label": 1 + }, + { + "text": "Helge Lund moves to BG a month early", + "label": 0 + }, + { + "text": "Russia wants to utilise its huge forest reserves in a very different way from what has been done so far .", + "label": 0 + }, + { + "text": "Mercator will use the software for its logistic , retail and wholesale operations in Slovenia and its other markets in southeastern Europe .", + "label": 0 + }, + { + "text": "According to HKScan Finland , the plan is to increase J+ñrvi-Suomen Portti 's net sales to EUR 80mn to EUR 100mn .", + "label": 1 + }, + { + "text": "The new office , located in Shenzhen , will strengthen Vaisala 's already 10-year old presence in China .", + "label": 1 + }, + { + "text": "In 2008 , the deal is likely to bring savings of EUR 20mn-25mn .", + "label": 1 + }, + { + "text": "The contract includes software licences , application maintenance and training .", + "label": 0 + }, + { + "text": "`` The biggest challenge was to make the piece look raw , '' Hansen said .", + "label": 0 + }, + { + "text": "The sale of the Healthcare Trade business supports Oriola-KD 's strategy to focus on Pharmaceutical Wholesale and Retail businesses .", + "label": 1 + }, + { + "text": "The operating profit for Grain Trading increased to EUR 2.0 mn from EUR 1.4 mn in 2005 .", + "label": 1 + }, + { + "text": "Buffett's Berkshire builds Deere stake, dumps Exxon", + "label": 1 + }, + { + "text": "The Group 's revenue in 2008 amounted to EUR 94 million and the company currently employs approximately 730 people .", + "label": 0 + }, + { + "text": "Sanoma Corporation wants a new and better frequency for the Helsinki metropolitan area .", + "label": 0 + }, + { + "text": "These products include Personal Communications products such as mobile phones and their parts , Home Communications products such as set-top boxes and electronics for flat panel TVs as well as Communications Networks products such as base-stations , tower-top amplifiers , and microwave systems .", + "label": 0 + }, + { + "text": "The sale will result in a capital loss of EUR5m for Solidium , which obtained Tikkurila shares in March 2010 .", + "label": -1 + }, + { + "text": "ITV strike: Broadcaster's revenue soars but staff walkout for a piece of the action", + "label": 1 + }, + { + "text": "AGJ recorded EUR 43 mln sales in 2006 , most of which was generated by exports to customers in Western Europe , the statement said .", + "label": 0 + }, + { + "text": "Established in 1989 , CapMan manages Nordic buyout , mezzanine , technology , life science and real estate funds with approximately EURO 3 billion $ 4 billion in total capital .", + "label": 0 + }, + { + "text": "The share capital of Alma Media Corporation (business ID 1944757-4)is EUR 45,031,513.80 and it is divided into 75,052,523 shares .", + "label": 0 + }, + { + "text": "Britain's FTSE eyes 7th straight daily rise; Wolseley lags", + "label": -1 + }, + { + "text": "- The Group -¦ s sales during the period were EUR 31.6 million EUR 36.6 million , 1-6/2007 and profit before taxes was EUR 0.2 1.3 million .", + "label": 0 + }, + { + "text": "Teva First-Quarter Net Rises 11% Amid Mylan Takeover Battle", + "label": 1 + }, + { + "text": "SAB's Chairman Digs In With Board Divided on InBev Offer", + "label": 0 + }, + { + "text": "In a media advisory , the NTSB said that after subsequent testing , `` the train detection system intermittently failed . ''", + "label": -1 + }, + { + "text": "After the sale , Savcor Group Ltd will comprise Savcor ART , a corporate function and an investment in Cencorp Corporation .", + "label": 0 + }, + { + "text": "Ex-Barclays Trader Johnson Pleaded Guilty to Libor Fixing", + "label": -1 + }, + { + "text": "HELSINKI ( AFX ) - Retail and wholesale group Kesko reported net sales of 659.4 mln eur for February , an increase of 10.8 pct year-on-year .", + "label": 1 + }, + { + "text": "`` The lowering of prices by us and by our competitors shows that the real estate market has stabilised and returned into balance and apartments are acquiring a fair price in the eyes of our clients .", + "label": 1 + }, + { + "text": "( ADPnews ) - Feb 3 , 2010 - Finland-based steel maker Rautaruukki Oyj ( HEL : RTRKS ) , or Ruukki , said today it slipped to a larger-than-expected pretax loss of EUR 46 million ( USD 64.5 m ) in the fourth quarter of 2009 from a", + "label": -1 + }, + { + "text": "Upon completion of these transactions , Metso 's stake will amount to more than 60 % .", + "label": 0 + }, + { + "text": "Kemira 's R&D organization comprises approximately 750 people , the company said .", + "label": 0 + }, + { + "text": "Irish Said Chasing Standard Chartered, RBS as Brexit Vote Nears", + "label": 0 + }, + { + "text": "France raises concerns over proposed LSE-Deutsche Boerse deal", + "label": -1 + }, + { + "text": "Canadian Pension fund Borealis renews pursuit of Severn Trent : report", + "label": 1 + }, + { + "text": "Sainsbury's pressed to raise bid for Home Retail Group", + "label": 0 + }, + { + "text": "The Lemminkainen Group , headquartered in Helsinki , Finland , operates in all sectors of the construction industry : civil engineering , building contracting , technical building services and the building materials industry .", + "label": 0 + }, + { + "text": "Brewer AB InBev seeks $275 bln tie-up with SABMiller", + "label": 1 + }, + { + "text": "The financial details of the acquisition were not disclosed .", + "label": 0 + }, + { + "text": "CRH's concrete bid for Holcim Lafarge assets", + "label": 0 + }, + { + "text": "Merged LSE and Deutsche Börse would be led by Germany's Kengeter", + "label": 0 + }, + { + "text": "Sainsbury's says to outperform rivals in tough market", + "label": 1 + }, + { + "text": "It is a member of the OneWorld alliance , which includes American Airlines and British Airways .", + "label": 0 + }, + { + "text": "Russian Media Ventures ' minority shareholder Peter Hervy denied the plans to sell OVA Press , the daily said .", + "label": 0 + }, + { + "text": "CompaniesTesco sends supermarket shares to top of FTSE", + "label": 1 + }, + { + "text": "As part of the agreement , Aspocomp will also give Meadville a 10 pct slice of a subsidiary operating in Oulu , Finland .", + "label": 0 + }, + { + "text": "Shell challenges Exxon dominance with 47 billion-pound bid for BG", + "label": 1 + }, + { + "text": "The biggest sellers in the chain 's supermarkets in Finland are organic Pirkka tomatoes , carrots , eggs , and meat products .", + "label": 0 + }, + { + "text": "Crown Castle buys Tower Development Corp for $461 million", + "label": 1 + }, + { + "text": "GlaxoSmithKline hails progress with lung disease treatment", + "label": 1 + }, + { + "text": "After buying Eukor Car Carriers 50 percent stake , Grimaldi Group is now the sole owner of the Swedish roll-on , roll-off port of Wallhamn .", + "label": 0 + }, + { + "text": "Marketing will use Tikkurila 's existing infra structure and local knowledge in Russia .", + "label": 0 + }, + { + "text": "UK lawmakers warn Royal Mail against further price hikes", + "label": 0 + }, + { + "text": "How Kraft-Heinz Merger Came Together in Speedy 10 Weeks", + "label": 1 + }, + { + "text": "No pay hikes this year at Rio Tinto as mining slump bites", + "label": -1 + }, + { + "text": "Spain's Caixabank launches new takeover bid for Banco BPI", + "label": 0 + }, + { + "text": "Britain's FTSE steadies, supported by Dixons Carphone", + "label": 1 + }, + { + "text": "Also the development of online businesses will continue .", + "label": 0 + }, + { + "text": "According to Finnish Metso Minerals , the value of the company 's orders has gone up to EUR 1.9 bn in 12 months .", + "label": 1 + }, + { + "text": "Glaxo's ViiV Healthcare Signs China Manufacturing Deal With Desano", + "label": 1 + }, + { + "text": "Centrica share price: British Gas under fire despite 5% price cut", + "label": -1 + }, + { + "text": "The broker highlights Cargotec as its preferred stock in the sector , as it is a pure play on global cargo and container handling , and it expects it to play an active role in further consolidating the industry .", + "label": 1 + }, + { + "text": "Pretax profit totalled EUR 80.8 mn , compared to a loss of EUR 13.1 mn in the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "London 's leading shares today jumped almost 100 points , or 1.7 % , as the market opened .", + "label": 1 + }, + { + "text": "Ms Laakso will be responsible for HKScan 's HR functions and for their development in all of the Group ` smarket areas .", + "label": 0 + }, + { + "text": "In August-October 2010 , the company 's result before taxes totalled EUR 9.6 mn , up from EUR 0.5 mn in the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "Currently Alfred A Palmberg is putting the finishing touches to one of Finland 's biggest ever re-plumbing and bathroom refurbishment projects also in the district of Vuosaari .", + "label": 0 + }, + { + "text": "BHP's iron ore outlook holds little cheer for small miners", + "label": -1 + }, + { + "text": "Via the move , the company aims annual savings of some EUR 3 million USD 4.3 m , the main part of which are expected to be realized this year .", + "label": 1 + }, + { + "text": "The terms and conditions of the Stock Option Scheme 2008 are available on the Company 's internet pages www.sanoma.com .", + "label": 0 + }, + { + "text": "Pearson lags as UK's FTSE slips off record high", + "label": -1 + }, + { + "text": "Kesko has about 2,000 stores engaged in chain operations in the Nordic and Baltic countries , Russia , and Belarus .", + "label": 0 + }, + { + "text": "Apartments of YIT Home may be purchased in 5 regions of Russia , where YIT subsidiaries carry out their activities : Moscow and Moscow region , St. Petersburg , Ekaterinburg , Kazan and Rostov-on-Don .", + "label": 0 + }, + { + "text": "Finnish-Swedish TietoEnator is expanding its business quickly in Russia .", + "label": 1 + }, + { + "text": "Earnings per share EPS amounted to EUR0 .01 .", + "label": 0 + }, + { + "text": "Comparable operating profit decreased to EUR 13.8 mn from EUR 17.1 mn in the corresponding period in 2005 .", + "label": -1 + }, + { + "text": "Diageo sales disappoint as currency and comparatives leave bitter taste", + "label": -1 + }, + { + "text": "Raute , headquartered in Nastola , Finland , is a technology company serving the wood products industry worldwide .", + "label": 0 + }, + { + "text": "Motorola accounted for 11.5 percent of the South Korean handset market as of the end of April , Samsung held 55 percent and LG Electronics 19 percent , according to Korea-based ATLAS Research Group .", + "label": 0 + }, + { + "text": "Royal Dutch Shell to Buy BG Group for Nearly $70 Billion", + "label": 1 + }, + { + "text": "The business had gross written premiums of EUR152 .4 m ( 91.5 m ) in 2000 , a net combined ratio of 133 % and 175 staff in total with offices in the UK , Germany and Benelux .", + "label": 0 + }, + { + "text": "Mr Priit Kasak , Balti Metsamasina 's owner , said the Rakvere-based company wishes to increase Valmet 's market share from 27 % to a third in a couple of years .", + "label": 1 + }, + { + "text": "The process , technology , project management , basic engineering and quality assurance within Forest Industry will be consolidated in Vantaa , southern Finland .", + "label": 0 + }, + { + "text": "CompaniesSanofi poaches immunology expert from AstraZeneca", + "label": 0 + }, + { + "text": "The new apartment block is going up very close to the city center , explained Chairman of the Board of AS YIT Ehitus Priit Sauk .", + "label": 0 + }, + { + "text": "Subscription sales decreased slightly .", + "label": -1 + }, + { + "text": "Tesco to close remaining Homeplus stores in UK", + "label": -1 + }, + { + "text": "The trucks feature an Eco Drive system - a fuel measuring tool which stores data particular to individual drivers .", + "label": 0 + }, + { + "text": "Tesco, Asda sales fall as march of the discounters continues: Kantar", + "label": -1 + }, + { + "text": "This new representation extends Comptel 's global presence to a total of 18 countries , serving over 250 customers in over 80 countries worldwide .", + "label": 1 + }, + { + "text": "Finnish Cargotec has been awarded a significant order for a total of 292 Hiab loader cranes by BAE Systems in the US .", + "label": 1 + }, + { + "text": "Dave Lewis paid £4.1m for first 6 months at Tesco", + "label": 0 + }, + { + "text": "The plan is estimated to generate some EUR 5 million ( USD 6.5 m ) in cost savings on an annual basis .", + "label": 1 + }, + { + "text": "In 2007 Etteplan reported a turnover of EUR125 .2 m.", + "label": 0 + }, + { + "text": "Standard Chartered Shifts Emerging-Markets Strategy After Losses", + "label": -1 + }, + { + "text": "Finnish operator Elisa and Aker Yards have signed a long-term service deal through which Elisa will deliver all necessary voice and data services for Aker Yards in Finland .", + "label": 1 + }, + { + "text": "Thanks to the multiplying effect of wagon performance , transport will be much more efficient , '' says development manager Juha Malkia from VR Cargo .", + "label": 1 + }, + { + "text": "Aggreko 2015 Profit Declines - Quick Facts", + "label": -1 + }, + { + "text": "Should you buy Associated British Foods plc, Great Portland Estates plc and Dunelm Group plc following today's news?", + "label": 0 + }, + { + "text": "At 1.33 pm , the OMX Helsinki 25 was 0.30 pct lower at 2,463.67 and the OMX Helsinki was down 0.37 pct at 8,537.42 on volume of 256 mln eur .", + "label": -1 + }, + { + "text": "Wolseley helps lift FTSE from losses", + "label": 1 + }, + { + "text": "YIT acquired investment rights to a 10,000 square metre residential project in Yaroslavl and to a 16,400 square metre project in Moscow .", + "label": 0 + }, + { + "text": "The tool is a patent pending design that allows consumers to lay out their entire project on a removable plate using multiple clear stamps of any kind .", + "label": 0 + }, + { + "text": "LSC 's 30 employees will move to Ixonos with their existing status and benefits .", + "label": 0 + }, + { + "text": "VNH generates annual net sales of about 5 mln eur and employs 21 people .", + "label": 0 + }, + { + "text": "Lean System supports change management and component purchasing extremely well .", + "label": 1 + }, + { + "text": "After Barclays and Bank of America, Citigroup has blockchain in sight", + "label": 0 + }, + { + "text": "Protalix has $ 42 million in cash and no sales .", + "label": 0 + }, + { + "text": "The parties have agreed not to disclose the transaction value .", + "label": 0 + }, + { + "text": "BUZZ-BG Group: outperforms sector after record output", + "label": 1 + }, + { + "text": "FDA panel backs Glaxo asthma drug for adults, not adolescents", + "label": 1 + }, + { + "text": "UPDATE 3-BP settles oil spill-related claims with Halliburton, Transocean", + "label": -1 + }, + { + "text": "Barclays denies deferred prosecution offer from SFO", + "label": 0 + }, + { + "text": "Mobile communication and wireless broadband provider Nokia Inc NYSE : NOK today set new financial targets and forecasts for Nokia and the mobile device industry and also for Nokia Siemens Networks and the mobile and fixed infrastructure and related services market .", + "label": 0 + }, + { + "text": "The first phase of the logistics complex envisages the completion of some 70,000 sq m of logistics premises and the gatehouse building in November 2008 .", + "label": 0 + }, + { + "text": "Status : Agreed", + "label": 0 + }, + { + "text": "Kingfisher takeover of Mr Bricolage could hit a brick wall", + "label": -1 + }, + { + "text": "One can also apply for jobs directly from the iPad , select which CV to attach and which covering letter is most appropriate for each position .", + "label": 0 + }, + { + "text": "Sales rose 10 pct to 566 mln eur on the back of strong volume and favourable currency effects .", + "label": 1 + }, + { + "text": "IMI posts drop in first-quarter organic revenue; warns on full year", + "label": -1 + }, + { + "text": "Economic development in China is no longer taking place only on the East coast and in the Shanghai area , Vauramo says .", + "label": 0 + }, + { + "text": "Government to sell off remaining 14% stake in Royal Mail", + "label": -1 + }, + { + "text": "Unilever returns to Cuba in joint venture with state", + "label": 1 + }, + { + "text": "RBS becomes a shadow of its former self", + "label": -1 + }, + { + "text": "CompaniesDeutsche taps ex-StanChart executive for audit role", + "label": 0 + }, + { + "text": "Chief executive officer Olli-Pekka Kallasvuo 's changes on Tuesday mark the third time in nine months the company has reshuffled executives and operations as Nokia loses ground to Apple 's iPhone and RIM 's BlackBerry .", + "label": -1 + }, + { + "text": "Profit for the period increased from EUR 2.9 mn to EUR 10.5 mn .", + "label": 1 + }, + { + "text": "RSA Insurance Hires Towergate's Egan as Chief Financial Officer", + "label": 0 + }, + { + "text": "BAE Systems banks on US defence spending to fix sales slide", + "label": 0 + }, + { + "text": "Berkshire Hathaway's 4Q profit declines 17 percent", + "label": -1 + }, + { + "text": "Changes to the as-built models from the design were communicated to the subcontractors to accommodate them into the steel and GRC fabrication process .", + "label": 0 + }, + { + "text": "Purchase it for the 12MP snapper , if nothing else .", + "label": 0 + }, + { + "text": "The ship cranes , which will be manufactured by MacGREGOR 's partner plants in China , will be delivered between 2008-2010 for vessels ordered by Chinese COSCO , German Peter Dohle and Hong Kong based Cido Shipping .", + "label": 0 + }, + { + "text": "Tesco's boss knows which side his bread is buttered", + "label": 0 + }, + { + "text": "Employees are also better prepared to answer calls , since they already have detailed information about the caller before they answer the phone . ''", + "label": 1 + }, + { + "text": "The natural source of isoprene is the tree species Hevea brasiliensis , also known as the rubber tree .", + "label": 0 + }, + { + "text": "AstraZeneca diabetes drug combination faces delay after FDA rebuff", + "label": -1 + }, + { + "text": "Unilever Finds Growth More Elusive as Sales Meet Estimates", + "label": 1 + }, + { + "text": "Britain's FTSE advances as Royal Mail rises", + "label": 1 + }, + { + "text": "Australian mining slowdown hits Aggreko", + "label": -1 + }, + { + "text": "Finland 's dominating rail company VR is planning to set the infected passengers for long-distance trip in a separate carriage .", + "label": 0 + }, + { + "text": "Alfa group will have 43.9 % of voting stock in the new company and Telenor 35.4 % with a free float of 20.7 % .", + "label": 0 + }, + { + "text": "Standard Chartered to slash costs as profits plunge 25%", + "label": -1 + }, + { + "text": "Pretax profit rose to EUR 17.8 mn from EUR 14.9 mn in 2005 .", + "label": 1 + }, + { + "text": "RBS, Lloyds Most Exposed to Commercial Property, JPMorgan Says", + "label": -1 + }, + { + "text": "UPDATE 3-Stifel to buy former Lehman brokerage from Barclays", + "label": 0 + }, + { + "text": "The business area has operations in Finland , Sweden , Denmark , Estonia , Latvia and Lithuania .", + "label": 0 + }, + { + "text": "Cargo volume increased by approximately 5 % .", + "label": 1 + }, + { + "text": "The total size of the complex is around 25,000 m2 and the project will be constructed in stages .", + "label": 0 + }, + { + "text": "Operating profit totalled EUR 1.22 mn , down from EUR 3.56 mn in the first quarter of 2008 .", + "label": -1 + }, + { + "text": "Shares of Nokia Corp. rose Thursday after the cell phone maker said its third-quarter earnings almost doubled and its share of the global handset market increased .", + "label": 1 + }, + { + "text": "Country : , Finland Sector : Construction-Real Estate Target : Pohjolan Design-Talo Oy Buyer : CapMan Oyj Vendor : Ruukki Group Oyj Deal size in USD : 102.6 m Type : Divestment Status : Agreed", + "label": 0 + }, + { + "text": "UPDATE 1-Glencore flags sale of some Australia, Chile assets", + "label": 0 + }, + { + "text": "Of course , you 'll have direct access to Nokia 's Ovi store , so you 'll have lots of fun downloading your favorite media .", + "label": 0 + }, + { + "text": "Spain's CaixaBank Expects To Close Deal For Banco BPI", + "label": 1 + }, + { + "text": "The aim is an annual improvement in Ruukki Construction 's operating profit of more than EUR 3 million USD 4.1 m starting in 2009 .", + "label": 1 + }, + { + "text": "At some point in 2010 , all separate company names , such as Palmberg , Tekmanni , Lemcon , Forssan Betoni , Suonenjoen Betonituote , among others , will disappear .", + "label": 0 + }, + { + "text": "FDA approves Shire's Vyvanse for binge-eating disorder", + "label": 1 + }, + { + "text": "Shell share price: Standard Life announce position against BG acquisition", + "label": 0 + }, + { + "text": "The construction project is scheduled to start in the second quarter of 2009 and the new building is scheduled to be in place by the end of 2010 .", + "label": 0 + }, + { + "text": "OVA Press has a 60 % stake in the joint venture , while IMSM holds a 40 % stake .", + "label": 0 + }, + { + "text": "The EUR17m contract includes both design and construction works .", + "label": 0 + }, + { + "text": "Balfour Beatty plc Set To Reinstate Dividend (And Rival National Grid plc And Centrica PLC Once More?)", + "label": 1 + }, + { + "text": "For 24-hour news , try ICIS news www.icis.com Click `` trial '' , then ICIS news", + "label": 0 + }, + { + "text": "The new activity will incur an investment of about 5 MEUR .", + "label": 0 + }, + { + "text": "`` I 'm not sure what 's happening .", + "label": 0 + }, + { + "text": "Unilever Continues to Battle Soft Demand", + "label": -1 + }, + { + "text": "It would be premature to talk about dates , volume and the investment procedure , '' he said .", + "label": 0 + }, + { + "text": "L&G still paying price for dividend cut during crisis, chief says", + "label": -1 + }, + { + "text": "In Q1 of 2009 , Bank of +àland 's net interest income weakened by 10 % to EUR 9.1 mn .", + "label": -1 + }, + { + "text": "MOVES-Ex-shadow minister McClymont joins Aberdeen Asset Management", + "label": 0 + }, + { + "text": "Net sales fell by 5 % from the previous accounting period .", + "label": -1 + }, + { + "text": "The iPad application joins the iPhone app as part of Monster 's range of mobile applications for job hunting .", + "label": 0 + }, + { + "text": "Shares will be acquired in accordance with section 5 of the rules of NASDAQ OMX Helsinki and other rules applicable to the acquisition of own shares .", + "label": 0 + }, + { + "text": "Her present position is the director of Stockmann 's international department stores .", + "label": 0 + }, + { + "text": "H+Ñkan Dahlstr+Âm , head of mobility services at TeliaSonera , has forecast that mobile data volume on the TeliaSonera network in Sweden will rise eight-fold to 200,000 TB by 2014 .", + "label": 1 + }, + { + "text": "Both operating profit and turnover for the nine-month period increased , respectively from EUR2 .4 m and EUR43 .8 m , as compared to the corresponding period a year ago .", + "label": 1 + }, + { + "text": "BAE Systems cuts earnings target for 2015 and 370 jobs", + "label": -1 + }, + { + "text": "A Flurry Analytics spokesperson said that , as it was only measuring Windows Phone 7 data for some weeks , the firm double-checked the data to make sure the 66 per cent rise was not an aberration .", + "label": 0 + }, + { + "text": "Aberdeen AM posts H1 outflows, says conditions to remain challenging", + "label": -1 + }, + { + "text": "Other details were not provided .", + "label": 0 + }, + { + "text": "Production at the plant will be based on Neste Oil 's proprietary technology that can use a flexible input of any vegetable oil or animal fat .", + "label": 0 + }, + { + "text": "Operating profit of the Asian plants grew markedly .", + "label": 1 + }, + { + "text": "Analysis - Copper market may get a 2003-style supply shock from Glencore closures", + "label": -1 + }, + { + "text": "CompaniesDiageo stays neutral on India boardroom turmoil", + "label": 0 + }, + { + "text": "The company said it estimates to make a slight profit thanks to cost-cutting measures .", + "label": 1 + }, + { + "text": "RBS Pays $1.7 Billion to Scrap U.K. Treasury's Dividend Rights", + "label": 0 + }, + { + "text": "Standard Life shuts £2.9bn property fund after investors rush to withdraw money post-Brexit", + "label": -1 + }, + { + "text": "Lloyds Banking Group eyes return to dealmaking with MBNA bid", + "label": 1 + }, + { + "text": "The negotiations concern personnel of Cencorp Corporation and Singulase Oy as whole in Finland and in Sweden , the company said .", + "label": 0 + }, + { + "text": "SKF 6 April 2010 - Alandsbanken has given a `` buy '' recommendation on Swedish industrial company SKF AB ( STO : SKF B ) with a share price target of SEK150 .", + "label": 1 + }, + { + "text": "Royal Mail needs to deliver on modernisation plans, post haste", + "label": 0 + }, + { + "text": "Utah 's capital wanted to be the next U.S. headquarters of Amer Sports Corp. , a ski-equipment company .", + "label": 0 + }, + { + "text": "Short-term licenses for the games cost as little as $ 3 while purchasing a game outright can cost as much as $ 10 or $ 15 .", + "label": 0 + }, + { + "text": "Increased trust of our clients in YIT can be seen as apartment sales accelerated .", + "label": 1 + }, + { + "text": "GS Engineering will install the valves at a liquefied natural gas LNG plant it has built for UAE LNG extraction and gas plants operator GASCO in Ruwais , UAE .", + "label": 0 + }, + { + "text": "The exercise originated in Finland in the early 1930s as a training method for cross-country skiers .", + "label": 0 + }, + { + "text": "An individual promotion also generated slightly higher-than-expected revenues .", + "label": 1 + }, + { + "text": "10 February 2011 - Finnish media company Sanoma Oyj HEL : SAA1V said yesterday its 2010 net profit almost tripled to EUR297 .3 m from EUR107 .1 m for 2009 and announced a proposal for a raised payout .", + "label": 1 + }, + { + "text": "PA ) , JPMorgan Chase and Co ( NYSE : JPM ) and Pohjoa Bank are joint lead-managers on the senior , unsecured deal .", + "label": 0 + }, + { + "text": "AB InBev Holds Talks With Regulators About California Deals", + "label": 0 + }, + { + "text": "After the split , the number of K shares will be 9 540 000 and the number of A shares 26 885 540 .", + "label": 0 + }, + { + "text": "The report profiles 158 companies including many key and niche players including major Nonwovens manufacturers such as Ahlstrom Corporation , Asahi Kasei Corporation , Buckeye Technologies , Inc. , EI .", + "label": 0 + }, + { + "text": "The contract covers installation , training and start-up services .", + "label": 0 + }, + { + "text": "The cost of the deal could range from 70 million to 90 million euros depending on the financial results of the two companies in 2008 , the statement says .", + "label": 0 + }, + { + "text": "The 19,200-square metre technology center is located near University of Tampere in central Tampere .", + "label": 0 + }, + { + "text": "The transaction included also the transfer of the lease agreement concerning manufacturing premises and employment agreements related to these operations .", + "label": 0 + }, + { + "text": "AstraZeneca suffers setback after drug fails to treat eye cancer", + "label": -1 + }, + { + "text": "Amer , which bought Salomon from adidas in October , said the job cuts are aimed at boosting competitiveness .", + "label": 0 + }, + { + "text": "Glaston , headquartered in Tampere , Finland , is a growing and international glass technology company .", + "label": 0 + }, + { + "text": "BP's fine for 2010 oil spill capped at $13.7 billion", + "label": -1 + }, + { + "text": "Latin America currently accounts for approximately 40 % of sales at Finnish BSS-OSS and VAS supplier for telecoms operators Tecnotree , company president and CEO Eero Mertano told BNamericas .", + "label": 0 + }, + { + "text": "The business transfer will take effect from 1 January 2007 , and in connection with this 47 employees will transfer from Elisa to Daxtum as continuing employees .", + "label": 0 + }, + { + "text": "Reed Elsevier shares cool after profit dip", + "label": -1 + }, + { + "text": "The non-recurring costs caused to Talentum 's Premedia business area by the restructuring will amount to 2.0 mln euro $ 2.7 mln and will be included in the company 's financial results for the second quarter of 2007 .", + "label": 0 + }, + { + "text": "Four ex-Barclays bankers sentenced for roles in Libor rate-rigging scandal", + "label": -1 + }, + { + "text": "HSBC Preparing Job Cuts That May Target 20000 Workers, Sky Says", + "label": -1 + }, + { + "text": "Intertek profit up 16.1%; expects to meet forecast", + "label": 1 + }, + { + "text": "Jan. 6 -- Ford is struggling in the face of slowing truck and SUV sales and a surfeit of up-to-date , gotta-have cars .", + "label": -1 + }, + { + "text": "Diageo receives reports from United Spirits on financial irregularities involving ...", + "label": -1 + }, + { + "text": "Wolseley says Nicholls won't join as finance chief", + "label": 0 + }, + { + "text": "FDA panel backs safety updates for AstraZeneca, Takeda drugs", + "label": 0 + }, + { + "text": "US DOJ antitrust unit subpoenas Mylan over pricing of doxycycline", + "label": -1 + }, + { + "text": "According to Nordic financial group Nordea 's analyst Sami Sarkamies , this makes Nokia 's portfolio competitive again .", + "label": 1 + }, + { + "text": "Janis Arbidans , CEO of YIT Celtnieciba , said the company was focusing on housing and real estate development market .", + "label": 0 + }, + { + "text": "Kinder Morgan and BP Form Joint Venture Limited Liability Company to Purchase ...", + "label": 1 + }, + { + "text": "You 're not alone .", + "label": 0 + }, + { + "text": "Passenger volumes rose by 8.4 % in the accounting period .", + "label": 1 + }, + { + "text": "Barclays CEO Staley Says Brexit Slump Caused by Profit Fears", + "label": -1 + }, + { + "text": "Five years after BP oil spill, some Gulf oystermen are losing hope", + "label": -1 + }, + { + "text": "Risk exposure by Non-life Insurance Moving 12-month Expenses by function in Non-life Insurance excluding expenses for investment management and expenses for other services rendered Non-life Insurance investment portfolio by allocation", + "label": 0 + }, + { + "text": "Mr Skogster currently serves as the manager responsible for ABB Oy 's system modules for low voltage drives .", + "label": 0 + }, + { + "text": "To be number one means creating added value for stakeholders in everything we do .", + "label": 0 + }, + { + "text": "E 's building system service had revenue of EUR 355 mln in 2007 .", + "label": 0 + }, + { + "text": "The company moved to an operating profit of EUR10 .9 m versus an operating loss of EUR15 .3 m. It also turned to EPS of EUR0 .08 versus loss per share of EUR0 .04 .", + "label": 1 + }, + { + "text": "In food trade , sales amounted to EUR320 .1 m , a decline of 1.1 % .", + "label": -1 + }, + { + "text": "External net sales from the printing business fell by 43.7 % , partly due to the termination of the printing contract between Ilkka-Yhtyma 's printing house I-print Oy and sector player HSS Media AB in December 2009 and the fall in printing prices .", + "label": -1 + }, + { + "text": "The poorest index figure was given to Finnish power company Fortum , 4.5 .", + "label": -1 + }, + { + "text": "A total of $ 78 million will be invested in the project .", + "label": 0 + }, + { + "text": "ADPnews - Aug 3 , 2009 - Finnish media group Ilkka-Yhtyma Oyj HEL : ILK2S said today its net profit fell 45 % on the year to EUR 5.9 million USD 8.4 m in the first half of 2009 .", + "label": -1 + }, + { + "text": "Jeder Beta-Tester erh+ñlt kostenlos sechs Monate lang Updates und hat laut eigener Aussage die M+Âglichkeit , die finale Version zu beeinflussen .", + "label": 0 + }, + { + "text": "Britain's FTSE bounces back, Mondi and Barratt lead", + "label": 1 + }, + { + "text": "Finnish Metso Paper has been awarded a contract for the rebuild of Sabah Forest Industries ' ( SFI ) pulp mill in Sabah , Malaysia .", + "label": 1 + }, + { + "text": "Operating profit increased to EUR 14.0 mn from EUR 4.9 mn in the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "This action follows personnel negotiations concerning Elcoteq SE , Finnish Branch , Elcoteq Finland Oy and Elcoteq Design Center Oy .", + "label": 0 + }, + { + "text": "After the acquisition , Basware 's preliminary pro forma net sales for 2005 amount to EUR 52.6 mn , and preliminary pro forma operating profit amounts to EUR 7.1 mn .", + "label": 0 + }, + { + "text": "Borealis Infrastructure putting together new Severn Trent bid", + "label": 1 + }, + { + "text": "ALEXANDRIA , Va. , Dec. 19 -- United States Patent no. 7,853,620 , issued on Dec. 14 , was assigned to Nokia Corp. ( Espoo , Finland ) .", + "label": 0 + }, + { + "text": "Royal Dutch Shell plc: Shell Updates on Alaska Exploration", + "label": 0 + }, + { + "text": "Scanfil holdings include 100 % of contract electronics manufacturer Scanfil EMS Group .", + "label": 0 + }, + { + "text": "The company still expects its turnover in 2010 to slightly increase from the level of 2009 , adding that `` market predictability is still too poor for trustworthy forecasts on the market development of the contract manufacturing business during the current year '' .", + "label": 1 + }, + { + "text": "In Finland , the Bank of +àland reports its operating profit fell to EUR 6.1 mn in the second quarter of 2008 from EUR 7.5 mn in the second quarter of 2007 .", + "label": -1 + }, + { + "text": "The Insolvency Act regulates the amount of debt that borrowers are permitted to write off .", + "label": 0 + }, + { + "text": "In the third quarter , net sales increased by 12 % year-on-year to EUR 159.5 million , or by 6 % at comparable currency rates growth .", + "label": 1 + }, + { + "text": "TeliaSonera said about $ 100 million will be invested in the next year in the region to bring mobile coverage to about 90 % of Nepal s population .", + "label": 1 + }, + { + "text": "Helsinki 19 May 2010 - Finnish company Lemminkainen Oyj ( HEL : LEM1S ) said today that it will construct an office building at Toolonlahti in downtown Helsinki , without disclosing financial details .", + "label": 0 + }, + { + "text": "The important thing now is to keep the bank 's existing 15,000 customers .", + "label": 0 + }, + { + "text": "CompaniesKingfisher bid for Mr Bricolage runs into trouble", + "label": -1 + }, + { + "text": "Water utility Severn Trent ups savings forecast, FY profit falls", + "label": 0 + }, + { + "text": "The price will be specified at the completion date .", + "label": 0 + }, + { + "text": "Persimmon share price climbs on 23% rise in full-year revenue", + "label": 1 + }, + { + "text": "Finnish beverage company Olvi is one of the last listed companies in Finland that has not yet published its financial result for the second quarter of 2009 .", + "label": 0 + }, + { + "text": "AstraZeneca sells Caprelsa rights to Sanofi unit", + "label": 1 + }, + { + "text": "The company said it observed a current stabilisation in prices and there is potential for higher prices for deliveries in the first quarter of 2011 .", + "label": 1 + }, + { + "text": "Operating loss of the Pulp & Paper Machinery unit was over EUR 3mn in September 2007 - August 2008 , compared to a profit of EUR 3.7 mn a year earlier .", + "label": -1 + }, + { + "text": "Jon Risfelt has previously held operational executive positions in Europolitan , Ericsson , SAS , American Express card and travel divisions , as well as Nyman & Schultz ( CEO ) , Vodafone Sweden ( CEO ) , and Gambro Renal Products ( CEO ) .", + "label": 0 + }, + { + "text": "The repurchase of the bonds was executed in the open market in accordance with section 7 f of the terms and conditions of the Convertible Bonds .", + "label": 0 + }, + { + "text": "The implementation of the deal is subject to the approval by the Finnish Competition Authority .", + "label": 0 + }, + { + "text": "REFILE-Aviva Investors to move 34 bln euros in assets from AXA fund arm", + "label": 0 + }, + { + "text": "The contracts between Raute Corporation and Muling Kemian Wood Products Co. , Ltd. , which were announced on 3 November 2010 , have taken effect .", + "label": 0 + }, + { + "text": "According to Finnish FIM Bank , Alpro 's price would be around EUR 100mn-150mn .", + "label": 0 + }, + { + "text": "CompaniesG4S claims 'positive' start to the year", + "label": 1 + }, + { + "text": "Insurance policies should be simple .", + "label": 0 + }, + { + "text": "The most interesting export markets will be Russia , the Baltic countries and Scandinavia .", + "label": 0 + }, + { + "text": "Former Barclays traders stand trial in Libor case", + "label": -1 + }, + { + "text": "Changes in the market situation and tougher price competition have substantially reduced demand for bread packaging manufactured at the Kauhava plant , according to the company .", + "label": -1 + }, + { + "text": "Sales in Finland rose by 3.9 % and international growth was 0.7 % .", + "label": 1 + }, + { + "text": "Honkarakenne also decided yesterday to sell 88,500 of its B series shares to key staff members for EUR2 .9 per share .", + "label": 0 + }, + { + "text": "In Asia earlier , Japan 's Nikkei index fell 0.62 percent and Hong Kong 's Hang Seng Index rose 0.56 percent .", + "label": 0 + }, + { + "text": "Operating profit totalled EUR 83.0 mn , up from EUR 23.5 mn year-on-year .", + "label": 1 + }, + { + "text": "Pretax profit rose to EUR 0.6 mn from EUR 0.4 mn in the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "Finnish Bank of +àland reports its operating profit fell to EUR 4.9 mn in the third quarter of 2007 from EUR 5.6 mn in the third quarter of 2006 .", + "label": -1 + }, + { + "text": "`` Our Vaalipalvelu-service was especially developed for use by communities and organizations .", + "label": 0 + }, + { + "text": "It 's not .", + "label": 0 + }, + { + "text": "The gross area of eight houses will be 12,167 m2 .", + "label": 0 + }, + { + "text": "Questor share tip: Mondi shares jump 10pc on strong start", + "label": 1 + }, + { + "text": "In addition to its stake in MegaFon , Telecominvest currently owns 100 % of shares in Web Plus and St. Petersburg Payphones , 51 % in telecom equipment producer Peter-Servis and a number of other minor assets .", + "label": 0 + }, + { + "text": "The cooperation will double The Switch 's converter capacity .", + "label": 1 + }, + { + "text": "Finnish consumer packaging manufacturer Huhtamaki Oyj said it swung to a net profit of 84.1 mln euro $ 105.6 mln in the first nine months of 2006 from a net loss of 2.6 mln euro $ 3.3 mln in the same period of 2005 .", + "label": 1 + }, + { + "text": "Standard Chartered considering move from UK", + "label": 0 + }, + { + "text": "Glencore Sells Shares to Raise $2.5 Billion and Reduce Debt", + "label": 1 + }, + { + "text": "The measures taken will cause one-time costs during the final part of 2006 .", + "label": 0 + }, + { + "text": "Operating profit totaled EUR 37,7 mn , up slightly from EUR 37.2 mn in the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "Tullow Oil Suspends Dividend Amid Oil Price Fall", + "label": -1 + }, + { + "text": "UPDATE 1-Berkshire applies to boost Wells Fargo stake above 10 pct", + "label": 1 + }, + { + "text": "The groups 's turnover for the full fiscal year is expected to show a slight increase from the previous fiscal year .", + "label": 1 + }, + { + "text": "London Stock Exchange unit in talks to operate Plato venue", + "label": 0 + }, + { + "text": "UK sells more of Lloyds bank stake, 12.5 billion pounds raised so far", + "label": -1 + }, + { + "text": "The Group also has a strong global position in other fishing categories .", + "label": 1 + }, + { + "text": "Teva First-Quarter Net Rises 11% Amid Mylan Takeover Battle", + "label": 1 + }, + { + "text": "Runway Visual Range is a calculated assessment of the distance that a pilot can see down a runway .", + "label": 0 + }, + { + "text": "Lule+Ñ municipality has awarded YIT a 2-year contract , for property management of about one third of the municipality 's properties , with a total area of 140,000 sq. metres .", + "label": 1 + }, + { + "text": "The payment date is March 25 , 2010 .", + "label": 0 + }, + { + "text": "British taxpayers' stake in Lloyds falls below 22 percent", + "label": -1 + }, + { + "text": "Can Christmas Save Sainsbury's plc And Tesco plc?", + "label": 0 + }, + { + "text": "Tesco says UK store closures put 2000 jobs at risk", + "label": -1 + }, + { + "text": "The company has decided to stop the operations of Ruukki Construction Division in Latvia and Lithuania , and concentrate the production and logistics in Parnu , Estonia in 2009 .", + "label": 0 + }, + { + "text": "No financial details were available .", + "label": 0 + }, + { + "text": "Vaisala 's expertise in lightning data and information systems is based on extensive experience and investment in R&D .", + "label": 0 + }, + { + "text": "Rivals say Qualcomm has fewer patents on 3G phones than on earlier versions and should lower its rates .", + "label": -1 + }, + { + "text": "The company has an annual turnover of EUR32 .8 m.", + "label": 0 + }, + { + "text": "In Finland 's Hobby Hall 's sales decreased by 10 % , and international sales fell by 19 % .", + "label": -1 + }, + { + "text": "Oil Giant Shell to Cut Around 2800 Jobs Amid BG Takeover", + "label": -1 + }, + { + "text": "The deal includes all rental equipment and related merchandise , the rental contract of the depot and two employees , the company said .", + "label": 0 + }, + { + "text": "www.countryelements.co.uk Designed by Patricia Burt , this is just one of a selection of distinctive hooked rugs created with recycled materials and dyed natural dyes .", + "label": 0 + }, + { + "text": "Metso expects its net sales to increase by about 10 % in 2008 , at comparable exchange rates .", + "label": 1 + }, + { + "text": "Finnish elevators and escalators maker KONE Corporation said on Tuesday ( 18 March ) that it has received a major order from Sir Robert McAlpine to supply all elevators and escalators for the Watermark Place project in the City of London .", + "label": 1 + }, + { + "text": "The company will also be compensated for acting as a reserve batch plant .", + "label": 1 + }, + { + "text": "OP-Pohjola Group 's capital adequacy ratio under the Act on Credit Institutions stood at 12.1 % and Tier 1 ratio at 12.1 % .", + "label": 0 + }, + { + "text": "TOP NEWS: Barclays Profit Depressed By Foreign Exchange Provisions", + "label": -1 + }, + { + "text": "EU regulators clear $100 billion-plus AB InBev, SABMiller deal", + "label": 1 + }, + { + "text": "EXCLUSIVE-BP, China's CNPC to unveil oil alliance - sources", + "label": 1 + }, + { + "text": "GlaxoSmithKline's CEO Witty to bow out in March 2017", + "label": 0 + }, + { + "text": "Operating income rose to EUR 696.4 mn from EUR 600.3 mn in 2009 .", + "label": 1 + }, + { + "text": "Alma Media Corporation Press Release 15 March 2010 TYRVAAN SANOMAT AND PAIKALLISSANOMAT BEING BOUGHT BY SUOMEN PAIKALLISSANOMAT Two local papers , Tyrvaan Sanomat and Paikallissanomat , appearing in Sastamala and its neighbouring municipalities , are to be bought by Suomen Paikallissanomat Oy .", + "label": 0 + }, + { + "text": "The transaction doubles Tecnomens workforse , and adds a fourth to their net sales .", + "label": 1 + }, + { + "text": "HSBC appoints business leaders to board", + "label": 0 + }, + { + "text": "Royal Dutch Shell pulls plug on Arctic exploration", + "label": -1 + }, + { + "text": "In 2008 , Kemira recorded revenue of approximately EUR 2.8 billion and had a staff of 9,400 .", + "label": 0 + }, + { + "text": "The most significant challengers in the market are Logset and Sampo-Rosenlew .", + "label": 0 + }, + { + "text": "`` Over the years , the color orange has become synonymous with quality .", + "label": 0 + }, + { + "text": "The order includes a new Crecent former , headbox , and reel .", + "label": 0 + }, + { + "text": "JP Morgan expects that Scala will lower Nobel Biocare 's growth forecast for 2007 from the current guidance of 23-25 pct , as well as the operating margin target from the current 34-35 pct .", + "label": -1 + }, + { + "text": "Shell Plans to Shed 2800 Jobs After Buying BG Group", + "label": -1 + }, + { + "text": "CompaniesTesco sends supermarket shares to top of FTSE", + "label": 1 + }, + { + "text": "The terms and conditions of Stock Option Scheme 2004 are available on the Group 's website .", + "label": 0 + }, + { + "text": "EU drops Shell, BP, Statoil from ethanol benchmark investigation", + "label": 1 + }, + { + "text": "No financial details of the deployment were disclosed .", + "label": 0 + }, + { + "text": "The move was triggered by weak demand for forestry equipment and the uncertain market situation .", + "label": -1 + }, + { + "text": "Estonian telecoms company Elisa 's customer numbers cross 400,000 TALLINN , Oct 22 , BNS - The Estonian telecommunications company Elisa won approximately 50,000 new clients in the nine months of this year , bringing the number to 401,800 by the end of September , the company said .", + "label": 1 + }, + { + "text": "The board of directors also proposed that a dividend of EUR0 .20 per outstanding share be paid .", + "label": 0 + }, + { + "text": "The company has a continuous need for alloys such as nickel , ferro-chrome , molybdenum and manganese in its production , said Talvivaara .", + "label": 0 + }, + { + "text": "Associated British Foods helps FTSE to rebound", + "label": 1 + }, + { + "text": "The total value of the deliveries is some EUR65m .", + "label": 0 + }, + { + "text": "It is hand-painted resin with real 14-0 trebles and is 75cm long by 25cm deep from top to bottom of the middle hook .", + "label": 0 + }, + { + "text": "Okhta Center area is expected to have about 700,000 square metres of office premises by 2016 .", + "label": 0 + }, + { + "text": "Managing Director Timo Kohtam+ñki of Lemmink+ñinen Infra nevertheless points out the continued need for infrastructure construction in the Baltic markets .", + "label": 0 + }, + { + "text": "StanChart capital raising would be \"major surprise\" -investor Aberdeen", + "label": 0 + }, + { + "text": "Diageo and Carlsberg hit as Russians suffer from oil price collapse and rouble ...", + "label": -1 + }, + { + "text": "Tieto in Latvia is represented by IT services companies TietoEnator Alise and TietoEnator , which has operations in the industries of Financial Services Cards , Retail and Logistics and IT Outsourcing and Managed Services .", + "label": 0 + }, + { + "text": "Elcoteq 's global service offering covers the entire lifecycle of products , from product development to after-market services .", + "label": 0 + }, + { + "text": "Outotec 's net profit for the second quarter of 2007 jumped to 16.8 mln euro ( $ 23.1 mln ) from 4.6 mln euro ( $ 6.3 mln ) a year ago .", + "label": 1 + }, + { + "text": "HELSINKI Thomson Financial - Shares closed little changed , with Cargotec and Huhtamaki dropping sharply on disappointing second-quarter reports .", + "label": -1 + }, + { + "text": "The total value of the order , placed by Aspo ' marine transportation subsidiary ESL Shipping Oy , is EUR 60 million ( USD 77.5 m ) .", + "label": 0 + }, + { + "text": "- BEIJING XFN-ASIA - Hong Kong-listed Standard Chartered Bank said it has signed a China mobile phone dealer financing agreement with Nokia , making it the first foreign bank to offer financing to the country 's small and medium enterprise -LR", + "label": 1 + }, + { + "text": "Tesco to pay $12 million to settle US lawsuit", + "label": -1 + }, + { + "text": "These moderate but significant changes resulted in a significant 24-32 % reduction in the estimated CVD risk .", + "label": 1 + }, + { + "text": "Tesco is torn apart as watchdog finds supermarket repeatedly withheld payments from suppliers", + "label": -1 + }, + { + "text": "The investments and operational changes enable additional optimisation of the working hours and thereby further cost savings of some 7 % -9 % .", + "label": 1 + }, + { + "text": "Finnish component supplier Componenta Corporation ( OMX Helsinki : CTH1V ) reported on Tuesday ( 15 July ) an operating profit of EUR46 .2 m on net sales of EUR386 .0 m for the financial period January-June 2008 .", + "label": 0 + }, + { + "text": "Sales increased due to growing market rates and increased operations .", + "label": 1 + }, + { + "text": "Intercontinental Exchange Opts Not to Bid for London Stock Exchange", + "label": 0 + }, + { + "text": "The appointments will be in force until the new CEO has been appointed .", + "label": 0 + }, + { + "text": "Hargreaves Lansdown share price falls as costs mount - although pensions ...", + "label": -1 + }, + { + "text": "The number of customers is one of the most important parameters in determining the price of electricity networks .", + "label": 0 + }, + { + "text": "News FeedFTSE 100 movers: Standard Chartered lifted while AstraZeneca sinks", + "label": 1 + }, + { + "text": "The following information was released by Comptel : Tomorrow the Chairman of the Federal Communications Commission is scheduled to deliver the National Broadband Plan to Congress .", + "label": 0 + }, + { + "text": "Technopolis has approximately 130 customer companies in Jyvaskyla .", + "label": 0 + }, + { + "text": "Shell and BG Shareholders to Vote on Deal at End of January", + "label": 0 + }, + { + "text": "The identity of the buyer is not yet known .", + "label": 0 + }, + { + "text": "Name of Company in which holdings have been acquired : Citycon Oyj 2 .", + "label": 0 + }, + { + "text": "Valeant's Pearson says timing of return uncertain", + "label": 0 + }, + { + "text": "Finnish Raute Precision has won large glass batch plant and mortar plant orders from Mexico and the US .", + "label": 1 + }, + { + "text": "Making matters more difficult , the company said it has been grappling with higher oil and gas prices , which have pushed up the cost of energy , raw materials and transportation .", + "label": -1 + }, + { + "text": "They both will report to Oriola-KD 's chief executive officer Eero Hautaniemi .", + "label": 0 + }, + { + "text": "Aldi and Lidl expansion plans speed ahead as Tesco, Sainsbury's, Morrisons ...", + "label": 1 + }, + { + "text": "Aviva Expects 1500 Jobs Cuts from Friends Life Deal", + "label": 1 + }, + { + "text": "The EB Tough VoIP Field Phone is equipped with an integrated speaker , Ethernet and SHDSL connectivity , and enables several innovative applications .", + "label": 0 + }, + { + "text": "Novartis buys remaining rights to GSK treatment in deal up to $1 billion", + "label": 1 + }, + { + "text": "FDA panel backs Glaxo asthma drug for adults, not adolescents", + "label": 1 + }, + { + "text": "The company expects its net sales in 2008 to increase 5-10 % from 2007 .", + "label": 1 + }, + { + "text": "Neste Oil Corporation Refining Operation Asset Summary Report Summary Neste Oil Corporation Refining Operation Assets Summary Report is an essential source for company data and information .", + "label": 0 + }, + { + "text": "The Swedish buyout firm has sold its remaining 22.4 percent stake , almost eighteen months after taking the company public in Finland .", + "label": 0 + }, + { + "text": "Weir Group sees continued fall in orders from oil and gas business", + "label": -1 + }, + { + "text": "mn , and pretax profit to EUR 46.4 mn from EUR 35.8 mn in the third quarter of 2006 .", + "label": 1 + }, + { + "text": "RSA Insurance Hires Towergate's Egan as Chief Financial Officer", + "label": 0 + }, + { + "text": "Diageo receives reports from United Spirits on financial irregularities involving ...", + "label": -1 + }, + { + "text": "Cash flow from operations totalled EUR 7.4 mn , compared to a negative EUR 68.6 mn in the second quarter of 2008 .", + "label": 1 + }, + { + "text": "The company offers payroll services , including payroll processing , payroll tax administration , and employee pay services , including direct deposit , check signing , and Readychex .", + "label": 0 + }, + { + "text": "AstraZeneca to Buy ZS Pharma for $2.7 Billion", + "label": 1 + }, + { + "text": "In the second quarter of 2010 , the group 's net profit rose to EUR3 .1 m from EUR2 .5 m in April-June 2009 .", + "label": 1 + }, + { + "text": "The new organization consists of two business units : Charging & Messaging and Finance & Administration .", + "label": 0 + }, + { + "text": "Meggitt agrees to buy US aerospace component firm for $340 million", + "label": 1 + }, + { + "text": "Bunzl backs 2015 view, buys more businesses", + "label": 1 + }, + { + "text": "The EBRD is using its own funds to provide a 21.6 million A loan while the B portion of 10 million Euros has been syndicated to two Finnish commercial banks , Nordea Bank Finland Plc 7.7 million Euros and Pohjola Bank Plc 2.3 million Euros .", + "label": 0 + }, + { + "text": "Finnish and Swedish construction markets are still experiencing an estimated 4 % annual growth in 2008 .", + "label": 1 + }, + { + "text": "UPDATE 1-Shire takes Q2 earnings pain for long-term gain", + "label": 0 + }, + { + "text": "Britain's power supplies enough to meet winter demand - National Grid", + "label": 1 + }, + { + "text": "FTSE steadies around 2-month low Diageo shares surge", + "label": 1 + }, + { + "text": "Tesco share price dips as Blinkbox Books closes ending supermarket's digital ...", + "label": -1 + }, + { + "text": "In the financial statement for the first quarter of 2010 , Tikkurila is reported under discontinued operations .", + "label": 0 + }, + { + "text": "According to Kesko , the company agreed with the city administration about lease of the building in 2006 , its resettlement and construction of a five-star hotel Hilton for 120 rooms .", + "label": 1 + }, + { + "text": "LONDON ( AFX ) - Intertek Group PLC , a testing and inspection company , said its commercial and electrical division has bought Finland-based company Natlabs Oy from Etteplan Oyj for 1.3 mln eur in cash .", + "label": 0 + }, + { + "text": "According to Atria 's President and CEO Matti Tikkakoski , the company 's Swedish operations significantly improved in the first quarter .", + "label": 1 + }, + { + "text": "GlaxoSmithKline beats profit forecasts despite Advair hit, lower margins", + "label": 1 + }, + { + "text": "Philip Morris, BAT Sue Over Law Taking Branding Off Packs", + "label": 0 + }, + { + "text": "The first group of customers to be trained will be paint-shop owners and their assistants .", + "label": 0 + }, + { + "text": "Glaxo Sees Hope for Respiratory Drugs as Earnings Beat Estimates", + "label": 1 + }, + { + "text": "OTHER North-Rhine Westphalia - Is to issue a benchmark , 5 year fixed rate deal in Euros .", + "label": 0 + }, + { + "text": "Payment for acquired shares will be made in cash , and the price per share will be EUR 1 plus an administration fee .", + "label": 0 + }, + { + "text": "The Apple Inc. iPhone wo n't change the game plan for Verizon Communications Inc. , Chief Executive Ivan Seidenberg said Wednesday .", + "label": 0 + }, + { + "text": "Severn Trent Profit Offsets Interest Rate Swap Losses", + "label": 0 + }, + { + "text": "The transaction is subject to a final agreement between the parties , approvals of their decision-making bodies and approval by the Finnish Competition Authority .", + "label": 0 + }, + { + "text": "Odell has not contacted the State of Finland in this issue .", + "label": 0 + }, + { + "text": "The solid fuel is heated before sludge is mixed therein . ''", + "label": 0 + }, + { + "text": "Shell to buy BG Group in $69.7 billion takeover", + "label": 1 + }, + { + "text": "25 November 2010 - Finnish paints and coatings company Tikkurila Oyj ( HEL : TIK1V ) said today that Finnish state-owned investment company Solidium Oy sold its 14.7 % stake in the company for a total of EUR98m .", + "label": 0 + }, + { + "text": "Is Trouble Brewing At Legal & General Group Plc And Aviva plc?", + "label": -1 + }, + { + "text": "Can Christmas Save Sainsbury's plc And Tesco plc?", + "label": 0 + }, + { + "text": "In addition , the company is considering the start of production in Russia .", + "label": 0 + }, + { + "text": "Teleste was set up in 1954 and is divided into Broadband Cable Networks and Video Networks business areas .", + "label": 0 + }, + { + "text": "Viking Line 's cargo revenue increased by 5.4 % to EUR 21.46 mn , and cargo volume increased by 2.4 % to 70,116 cargo units .", + "label": 1 + }, + { + "text": "Diluted earnings per share ( EPS ) rose to EUR 3.68 from EUR 0.50 .", + "label": 1 + }, + { + "text": "Okmetic 's silicon wafers are part of a further processing chain that produces end products that improve human interaction and quality of life .", + "label": 0 + }, + { + "text": "While I cant understand what theyre saying , its impressive to watch him hit that ball at those speeds .", + "label": 0 + }, + { + "text": "FTSE led lower by M&S, GlaxoSmithKline", + "label": -1 + }, + { + "text": "The tower 's engineers have created an 18 degree westward lean - four times the inclination on the Leaning Tower of Pisa - using diagrid structures that are aligned geometrically using Tekla Structures BIM ( Building Information Modeling ) software .", + "label": 0 + }, + { + "text": "Vianor sells tires for cars and trucks as well as a range of other car parts and provides maintenance services .", + "label": 0 + }, + { + "text": "The Point Village , designed by Scott Tallon Walker , will include a shopping center , office premises , a hotel and a cinema .", + "label": 0 + }, + { + "text": "Tiimari Latvian representative Ineta Zaharova said that the company earned LVL 122,000 in 2005 profit , which is 20 times more that in 2004 .", + "label": 1 + }, + { + "text": "Novartis buys remaining rights to GSK treatment in deal up to $1 billion", + "label": 1 + }, + { + "text": "UK regulators license BAT e-cigarette as quit-smoking medicine", + "label": 1 + }, + { + "text": "According to M-real 's CEO , Mikko Helander , this transaction will enable the company to proceed swiftly with its restructuring program .", + "label": 1 + }, + { + "text": "Rolls-Royce Wins $9.2 Billion Order From Emirates Airline", + "label": 1 + }, + { + "text": "The shipyard hopes the regional government in Andalusia can offer its some form of financial support .", + "label": 0 + }, + { + "text": "All rights reserved .", + "label": 0 + }, + { + "text": "No decision on such sale of the now issued or existing treasury shares to YA Global has been made yet .", + "label": 0 + }, + { + "text": "Typically , the transmission power level can be decreased when the interference noise is above a predefined value .", + "label": 0 + }, + { + "text": "EPS dropped to EUR0 .2 from EUR0 .3 .", + "label": -1 + }, + { + "text": "Under the agreement GeoSentric will provide GyPSii-powered hotel information and reservation services to visitors to China , including such popular cities as Beijing and Shanghai .", + "label": 1 + }, + { + "text": "CompaniesTesco sheds Harris & Hoole coffee shops", + "label": 1 + }, + { + "text": "Recently the company decided to build a second identical plant at the same site due to be commissioned toward the end of 2008 .", + "label": 0 + }, + { + "text": "Juha Jordan , chief engineer at Glaston , said one of the reasons for choosing Vacon as a global AC drives supplier is that it has service and support centres in the same countries where Glaston operates .", + "label": 1 + }, + { + "text": "Name of Applicant : Jot Automation OYName of Inventor : Mammila Tuomo , Piirainen Mika and Kellokoski MikaApplication No. : 2424-KOLNP-2008 ADate of filing of Application : 16-06-2008Publication Date : 30/01/2009", + "label": 0 + }, + { + "text": "Valmet Automotive reports net sales of EUR 85mn and operating profit of EUR 8mn .", + "label": 0 + }, + { + "text": "MarketsBP promotes upstream boss to deputy CEO", + "label": 0 + }, + { + "text": "Tesco says recovery on track, asks investors to be patient", + "label": 0 + }, + { + "text": "MANAVIGATOR-September 7 , 2010-Kemira unveils Indian JV with IVRCL Finnish chemicals group Kemira ( HEL : KRA1V ) on Tuesday announced it has inked a deal to form a joint venture in India with local construction firm IVRCL Infrastructure and Projects Ltd ( BOM :530773 ) .", + "label": 1 + }, + { + "text": "Warren Buffett's Awesome Feat at Berkshire Hathaway, Revisited", + "label": 0 + }, + { + "text": "In Lithuania , operating profit rose to EUR 190,000 from EUR 70,000 in the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "AB InBev approaches SABMiller to explore $250bn tie-up", + "label": 1 + }, + { + "text": "Svyturys-Utenos Alus , which is controlled by the Nordic group Baltic Beverages Holding ( BBH ) , posted a 6.1 percent growth in beer sales for January-September to 101.99 million liters .", + "label": 1 + }, + { + "text": "Part of the reductions will be made through retirement arrangements .", + "label": 0 + }, + { + "text": "Johnson Matthey revs up on clean air drive", + "label": 1 + }, + { + "text": "UPDATE 2-Pricey beers lift SABMiller's quarterly underlying sales", + "label": 1 + }, + { + "text": "Royal Mail chairman Donald Brydon set to step down", + "label": -1 + }, + { + "text": "Balfour Beatty plc Set To Reinstate Dividend (And Rival National Grid plc And Centrica PLC Once More?)", + "label": 1 + }, + { + "text": "The total investment of the project will be approximately EUR 36m .", + "label": 0 + }, + { + "text": "UPDATE 1-Dairy Crest loses a third of Morrisons milk contract", + "label": 0 + }, + { + "text": "It is being developed by Symbian , the software licensing consortium led by Nokia .", + "label": 0 + }, + { + "text": "According to Viking Line 's Managing Director , Nils-Erik Eklund , the company 's Board of Directors is very satisfied with Viking Line 's performance .", + "label": 1 + }, + { + "text": "Jun. 25 , 2008 ( Boy Genius Report delivered by Newstex ) -- The Nokia ( NYSE : NOK ) N78 , huh ?", + "label": 0 + }, + { + "text": "UPDATE 1-Seattle flotilla protests Shell's Arctic drilling plans", + "label": -1 + }, + { + "text": "High winds also toppled three semi-trailers on I-15 north of Barstow .", + "label": 0 + }, + { + "text": "Changes to the as-built models from the design were communicated to the subcontractors to accommodate them into the steel and GRC glass reinforced concrete fabrication process .", + "label": 0 + }, + { + "text": "Persimmon sells 17% more houses in 2014", + "label": 1 + }, + { + "text": "Marimekko is considering further measures in the matter .", + "label": 0 + }, + { + "text": "comparable operating profit totaled EUR 854mn , up from EUR 730mn in 2004 .", + "label": 1 + }, + { + "text": "In addition to fireplace exports , demand for lining stone has exceeded the level of the earlier part of the year and will continue to be clearly brisker for the remainder of the year .", + "label": 1 + }, + { + "text": "These include software development for internet and mobile telephone content , communications , value-added software , financial services , security applications , systems integration and electronics , '' EBRD informed .", + "label": 0 + }, + { + "text": "Tesco to pay $12 million to settle US lawsuit", + "label": -1 + }, + { + "text": "The prosecutor is also demanding Outokumpu pay a fine of EUR 800,000 at most .", + "label": -1 + }, + { + "text": "Operating profit of Kauppalehti group rose to EUR 1.5 mn from EUR 1.3 mn , and that of Marketplaces to EUR 1.3 mn from EUR 1.0 mn in the third quarter of 2006 .", + "label": 1 + }, + { + "text": "Outotec 's delivery covers the engineering , supply and construction of a circulating fluid bed calcination plant with a capacity of 1,600 tons of alumina per day .", + "label": 0 + }, + { + "text": "The Russian government will contribute 20 % of the necessary funds , he said .", + "label": 0 + }, + { + "text": "Wolseley helps lift FTSE from losses", + "label": 1 + }, + { + "text": "The deal also includes a ten-year maintenance agreement .", + "label": 0 + }, + { + "text": "Sanoma Magazines ' net sales are estimated to grow in 2006 .", + "label": 1 + }, + { + "text": "The company is also featured in the Ethibel Pioneer Investment Register and included in Innovest 's Global 100 list of the world 's most sustainable corporations .", + "label": 1 + }, + { + "text": "The order also covers design services , hardware , software licences , as well as maintenance services over six years .", + "label": 0 + }, + { + "text": "`` Last year , Finnair recorded a 32.6-percent growth on the Asian sector , carrying more than 1.10 million passengers between the two continents . ''", + "label": 1 + }, + { + "text": "Clydesdale Bank H1 profits weighed down by PPI charge", + "label": -1 + }, + { + "text": "Government to sell off remaining 14% stake in Royal Mail", + "label": -1 + }, + { + "text": "Tekla 's defense business employs over 20 persons and is located in Espoo , Finland .", + "label": 0 + }, + { + "text": "Weir Group says first-half profits will be 'slightly ahead' of expectations", + "label": 1 + }, + { + "text": "German Commerzbank AG 's Hamburg Branch and US JP Morgan ( NYSE : JPM ) participated as arrangers , and Dutch ING ( AMS : INGA ) as co-arranger .", + "label": 0 + }, + { + "text": "Insight hires Aviva's David Hillier for multi-asset team", + "label": 0 + }, + { + "text": "In February 2011 , new wording of Identity Documents Act that makes Mobile ID a state-approved electronic document as of February 1st 2011 entered into force .", + "label": 0 + }, + { + "text": "Meggitt plc Crashes 20% On Profit Warning: Is It Now A Buy?", + "label": -1 + }, + { + "text": "Copper Prices up on Glencore Cuts to Zinc Supply", + "label": 1 + }, + { + "text": "GLOBAL MARKETS-Stocks gain on Royal Dutch Shell bid, oil slumps", + "label": 1 + }, + { + "text": "Balfour Beatty plc Set To Reinstate Dividend (And Rival National Grid plc And Centrica PLC Once More?)", + "label": 1 + }, + { + "text": "The two companies will also partner in further developing Raiso 's cholesterol lowering brand , Benecol .", + "label": 1 + }, + { + "text": "In the fourth quarter of 2009 , Orion 's net profit went up by 33.8 % year-on-year to EUR33m .", + "label": 1 + }, + { + "text": "CaixaBank, dos Santos Agree on Plan for BPI Angola Exposure", + "label": 0 + }, + { + "text": "Glencore shares enjoy bounce-back after Hong Kong-led surge", + "label": 1 + }, + { + "text": "The Baltimore Police and Fire Pension , which has about $ 1.5 billion , lost about $ 3.5 million in Madoff Ponzi scheme .", + "label": -1 + }, + { + "text": "FDA approves NPS drug, in move validating Shire takeover deal", + "label": 1 + }, + { + "text": "All reproduction for further distribution is prohibited .", + "label": 0 + }, + { + "text": "The development of the technological park , which will specialize in telecommunications and information technologies , is part of the state program for the formation of technoparks for hi-tech sectors in Russia .", + "label": 0 + }, + { + "text": "The other seats would go to Edgar Edmonds , an American with experience of the clothing and retail industry , and Christian Fischer , an Austrian with experience in the winter sports goods business .", + "label": 0 + }, + { + "text": "The main strength of the cooperation project lies in merging the know-how of two large companies .", + "label": 1 + }, + { + "text": "Cramo slipped to a pretax loss of EUR 6.7 million from a pretax profit of EUR 58.9 million .", + "label": -1 + }, + { + "text": "GlaxoSmithKline set to complete $20 billion Novartis asset swap next week", + "label": 1 + }, + { + "text": "Berkshire Shareholders Pepper Warren Buffett With Some Hard Questions", + "label": 0 + }, + { + "text": "The value of the deal is estimated at between SEK25m and SEK50m .", + "label": 0 + }, + { + "text": "Thanks to his wide contact network and good knowledge of market and business environment , he will give a great contribution to the further development of our Indian operations '' , tells Incap 's President & CEO Juhani Hanninen .", + "label": 1 + }, + { + "text": "Last July , the group said it intended to relocate warehouse and office space in Loudeac and Saint Marcel to Morvillars , in the east of France , where it already operates a hook manufacturing and distribution unit .", + "label": 0 + }, + { + "text": "Valeant CEO Returns From Leave, Company Withdraws Guidance", + "label": 0 + }, + { + "text": "According to Finnish Scanfil 's founder and chairman of the board , Jorma J. Takanen , the company has to look for growth abroad .", + "label": 0 + }, + { + "text": "The Finnish group anticipates a sales gain of EUR42m after tax and expenses .", + "label": 1 + }, + { + "text": "Clothing retail chain Sepp+ñl+ñ 's sales increased by 8 % to EUR 155.2 mn , and operating profit rose to EUR 31.1 mn from EUR 17.1 mn in 2004 .", + "label": 1 + }, + { + "text": "The Finnish supplier of BSS-OSS and VAS for telecom operators , Tecnotree , has received expansion orders worth a total US$ 7.3 mn for its convergent charging and next generation messaging solutions in Latin America , the company announced without specifying which operators had placed the orders .", + "label": 1 + }, + { + "text": "Terms of the acquisition were not disclosed .", + "label": 0 + }, + { + "text": "Priceline's stock jumps to new high for the year after Barclays upgrade", + "label": 1 + }, + { + "text": "The company will enhance the GPRS capability in the existing 12 IDEA telecom service areas and add 10 more service areas to its network .", + "label": 1 + }, + { + "text": "Via the agreement , Ramirent will expand the range of equipment and services it delivers to Destia , Ramirent Finland 's managing director Kari Aulasmaa , said .", + "label": 1 + }, + { + "text": "Significance : Teleste has emphasised that with its large size and growing economy , as well as the rapid development of its TV services distribution industry , Poland is viewed as an attractive market .", + "label": 1 + }, + { + "text": "2 Turnaround Buys For 2016? BHP Billiton plc And Home Retail Group Plc", + "label": 1 + }, + { + "text": "The chain posted sales of 298 million euros for full 2005 , a rise of 19.5 percent , year-on-year .", + "label": 1 + }, + { + "text": "Vacon 's cash flow from operations grew to EUR 37.1 mn from EUR 21.9 mn a year ago .", + "label": 1 + }, + { + "text": "BUZZ-BG Group: outperforms sector after record output", + "label": 1 + }, + { + "text": "The Finnish company previously said its operating result will be lower than the break-even posted a year earlier .", + "label": -1 + }, + { + "text": "The agreement must be approved by the Russian competition authorities before it enters into force .", + "label": 0 + }, + { + "text": "BasWare is headquartered in Espoo , Finland .", + "label": 0 + }, + { + "text": "The air traffic of Finland has been in stoppage since then .", + "label": -1 + }, + { + "text": "ADP News - Nov 6 , 2008 - Finnish retail software developer Aldata Solution Oyj OMX : ALD1V said today that it swung to a net profit of EUR 2.1 million USD 2.7 m for the first nine months of 2008 versus a net loss of EU", + "label": 1 + }, + { + "text": "Tesco closes in on new chairman with Dixons Carphone's John Allan in the frame", + "label": 1 + }, + { + "text": "CompaniesUK government lines up £2bn Lloyds retail share sale", + "label": -1 + }, + { + "text": "Shire share price under pressure after $32bn Baxalta deal", + "label": 0 + }, + { + "text": "Earnings per share ( EPS ) amounted to EUR1 .37 , down from EUR2 .30 .", + "label": -1 + }, + { + "text": "Aviva, Friends Life top forecasts ahead of 5.6 billion pound merger", + "label": 0 + }, + { + "text": "easyJet leads Britain's FTSE lower as global bond rout resumes", + "label": -1 + }, + { + "text": "AstraZeneca chases Acerta to secure next cancer drug winner", + "label": 1 + }, + { + "text": "Standard Chartered Misses Estimates in Sands's Last Results", + "label": -1 + }, + { + "text": "Industry NewsRevenue, earnings take a tumble at Weir Group", + "label": -1 + }, + { + "text": "The business is organised , as of February 1 , 2011 , in a way that production of design services is combined into one entity , Etteplan Operations .", + "label": 0 + }, + { + "text": "The project is expected to be completed in 2009 .", + "label": 0 + }, + { + "text": "Tesco criticised for 'disgraceful' advert showing domestic worker being slapped", + "label": -1 + }, + { + "text": "Global sports equipment maker Amer Sports Corp. , whose brands include Atomic , Salomon and Wilson , saw a 64 percent increase in third-quarter net profit to EURO 47.4 million $ 65 million on strong sales and cost cuts .", + "label": 1 + }, + { + "text": "The company now estimates its net sales in 2010 to increase considerably from 2009 and its operating result to be clearly positive .", + "label": 1 + }, + { + "text": "No financial details were revealed .", + "label": 0 + }, + { + "text": "Weir Group sees continued fall in orders from oil and gas business", + "label": -1 + }, + { + "text": "Aviva weighs cash handout after beating profit forecast", + "label": 1 + }, + { + "text": "Known as Post Bank , the concept would see Fidelity Bank rolling out 75 offices in Ghana Post premises , to provide financial services to the people .", + "label": 1 + }, + { + "text": "Industry NewsWhitbread sales sink in fourth quarter on Costa slowdown", + "label": -1 + }, + { + "text": "The company 's board of directors has proposed a dividend of EUR0 .12 per share for 2006 .", + "label": 0 + }, + { + "text": "Re-use back into PET bottles has also steadily increased and the rate of use in strapping tape has picked up again after a dip in 2005 , Petcore said previously .", + "label": 1 + }, + { + "text": "AstraZeneca wins US approval for longer use of blood thinner", + "label": 1 + }, + { + "text": "Is Trouble Brewing At Legal & General Group Plc And Aviva plc?", + "label": -1 + }, + { + "text": "The inventors are Mukkavilli Krishna Kiran , Sabharwal Ashutosh and Aazhang Behnaam .", + "label": 0 + }, + { + "text": "Arena Partners Oy is a development company for electronic business .", + "label": 0 + }, + { + "text": "In return the New York-based private equity firm will receive a 51 % stake in the Latvian IT and telecom group .", + "label": 0 + }, + { + "text": "The order was valued at over EUR15m .", + "label": 0 + }, + { + "text": "In the building and home improvement trade , net sales totalled EUR 1,173 mn , down from EUR 1,566 mn a year earlier .", + "label": -1 + }, + { + "text": "RBS, Lloyds Most Exposed to Commercial Property, JPMorgan Says", + "label": -1 + }, + { + "text": "Finnish property investor Sponda said it has agreed a 100 mln eur , five-year mln credit facility with Swedbank and a 50 mln eur , seven-year facility with OKO Bank .", + "label": 0 + }, + { + "text": "One of the headboxes will be equipped with a modern consistency control system to ensure cross machine profile of the plasterboard .", + "label": 0 + }, + { + "text": "AstraZeneca sells US gout drug rights to Ironwood for up to $265 million", + "label": 1 + }, + { + "text": "Sophos aims to raise $100m in London IPO", + "label": 1 + }, + { + "text": "The ground barleycorn has been fully produced in Finland and will be available in stores as of the beginning of 2010 .", + "label": 0 + }, + { + "text": "The company expects meat purchases to remain at about 8mn kilos in 2011 .", + "label": 0 + }, + { + "text": "AstraZeneca sells Caprelsa rights to Sanofi unit", + "label": 1 + }, + { + "text": "Marathon now has a 4.6 percent stake in PLX , it said , according to Bloomberg .", + "label": 0 + }, + { + "text": "The presentation material can be viewed on the company 's website in English after the conference .", + "label": 0 + }, + { + "text": "Sainsbury's share price: Grocer launches click-and-collect", + "label": 0 + }, + { + "text": "WPP, World's Largest Ad Agency, Reports Strong 2015 Growth", + "label": 1 + }, + { + "text": "Operating profit improved to EUR 20.3 mn from EUR 11.4 mn .", + "label": 1 + }, + { + "text": "The reasons behind the estimate include the rise in 2008 rent levels and several fully-leased office and retail properties , which were completed and added to the company 's investment property portfolio .", + "label": 0 + }, + { + "text": "The pulp production in Finnish Kemij+ñrvi will also be liquidated and about 1,100 employees loose their jobs .", + "label": -1 + }, + { + "text": "Kraft, Cadbury's and Britvic in Total Recall: how pulling a product affects profit", + "label": 0 + }, + { + "text": "Tesco to pay £8m to settle class-action lawsuit after accounting scandal", + "label": -1 + }, + { + "text": "Tiimari 's registered share capital is 16,474,755 shares as per today .", + "label": 0 + }, + { + "text": "Finnish Talvivaara Mining Co HEL : TLV1V said Thursday it had picked BofA Merrill Lynch and JPMorgan NYSE : JPM as joint bookrunners of its planned issue of convertible notes worth up to EUR250m USD332m .", + "label": 0 + }, + { + "text": "All YIT Capital Markets Day materials will be available on the company 's Internet site at www.yitgroup.com/investors at 10:30 on September 26 .", + "label": 0 + }, + { + "text": "Aker Yards Finland will begin using Chinese subcontractors at its Finnish shipyards .", + "label": 0 + }, + { + "text": "The desk will reach its full planned strength of ten persons in autumn 2007 .", + "label": 0 + }, + { + "text": "British taxpayers' stake in Lloyds falls below 22 percent", + "label": -1 + }, + { + "text": "In Q1 of 2009 , the company 's operating loss totalled EUR 0.3 mn , compared to a profit of EUR 3.6 mn in Q1 of 2008 .", + "label": -1 + }, + { + "text": "Glencore shares rally after miner hits back", + "label": 1 + }, + { + "text": "Diluted earnings per share ( EPS ) rose to EUR 0.29 from EUR 0.05 .", + "label": 1 + }, + { + "text": "The construction of a large woodworking facility in the Sheksna district of the Vologda Region , in northwest Russia , will begin in 2009 , and the plant will start production in 2011 .", + "label": 0 + }, + { + "text": "The business to be divested generates consolidated net sales of EUR 60 million annually and currently has some 640 employees .", + "label": 0 + }, + { + "text": "London open: Taylor Wimpey and Ashtead drive markets higher, Barclays falls", + "label": 1 + }, + { + "text": "Eurozone bank lending continues to recover, slowly, Barclays says", + "label": 1 + }, + { + "text": "Fitch: Citi's 1Q'15 Reports Much Improved Results", + "label": 1 + }, + { + "text": "Construction volumes meanwhile grow at a rate of 10-15 percent annually .", + "label": 1 + }, + { + "text": "The capital structure of Solidium may be complemented by other financial instruments in the future .", + "label": 0 + }, + { + "text": "News FeedFTSE 100 movers: LSE surges as ICE says mulling offer; Ashtead and Barclays tank", + "label": -1 + }, + { + "text": "Salcomp Oyj , the Finnish maker of mobile phone chargers , Monday posted a EUR1 .49 million loss in the second quarter compared with a 1.70 million profit in the same period the previous year .", + "label": -1 + }, + { + "text": "He is resting comfortably and is looking forward to getting back to work . ''", + "label": 0 + }, + { + "text": "Altogether CapMan employs approximately 150 people in Helsinki , Stockholm , Copenhagen , Oslo , Moscow and Luxembourg .", + "label": 0 + }, + { + "text": "Protalix closed at $ 10.71 on Friday on the American Stock Exchange , giving a market cap of $ 827 million .", + "label": 0 + }, + { + "text": "Grounds for the notification : Tiimari Plc 12/30/2010 issued Capital Convertible Loan allocation decision by the Board on 01/31/2011 .", + "label": 0 + }, + { + "text": "Standard Chartered's Shares Plunge 7% After Fitch Downgrade", + "label": -1 + }, + { + "text": "It also turned to earnings per share ( EPS ) of EUR 0.08 versus loss per share of EUR 0.04 .", + "label": 1 + }, + { + "text": "Travis Perkins Hikes Dividend 20% As Profit And Revenue Rise", + "label": 1 + }, + { + "text": "An EU law on the issue may be introduced around 2010 .", + "label": 0 + }, + { + "text": "Barclays in $13.75 million US settlement over mutual funds", + "label": -1 + }, + { + "text": "EU regulator backs approval for GSK injectable asthma drug", + "label": 1 + }, + { + "text": "The fish content of the nuggets is 85 % , and the fish comes from Canada and Finland .", + "label": 0 + }, + { + "text": "Shares in easyJet fall to three-year low after Brexit profit warning", + "label": -1 + }, + { + "text": "Rio Tinto Reaffirms Goal for Iron Ore Output", + "label": 1 + }, + { + "text": "Talentum expects that the net sales of its core business will increase in 2008 , compared to 2007 .", + "label": 1 + }, + { + "text": "The sellers were EOSS Innovationsmanagement and a group of private individuals .", + "label": 0 + }, + { + "text": "The sales price was not disclosed .", + "label": 0 + }, + { + "text": "Glencore sells agriculture stake for $2.5bn", + "label": 1 + }, + { + "text": "The sustainability of Royal Dutch Shell's dividend", + "label": 0 + }, + { + "text": "The solution is demonstrated on a tablet developed by Aava Mobile as a multi-window system , which enables the use of several applications simultaneously , for example the viewing of messages and calendar side by side .", + "label": 0 + }, + { + "text": "The second variant offers complete final finishing of any selected apartment with foreign high quality materials ( Finland , Denmark , Germany , France ) .", + "label": 0 + }, + { + "text": "British American Tobacco first-half sales hurt by currency moves", + "label": -1 + }, + { + "text": "GE to Sell Majority Stake in Bank BPH's Core Bank to Alior Bank", + "label": 1 + }, + { + "text": "GKN to buy Fokker Technologies for 706 mln euros", + "label": 1 + }, + { + "text": "The acquisition of Kaupthing Sverige will bring a significant positive non-recurring addition to the group 's performance .", + "label": 1 + }, + { + "text": "Also , a seven-year historic analysis is provided for these markets .", + "label": 0 + }, + { + "text": "Turun kaupunkin , Finland based company has awarded contract to Lemminkainen Talotekniikka Oy for electrical installation work .", + "label": 1 + }, + { + "text": "UPDATE 1-BP reports worst annual loss in at least 20 years, cuts more jobs", + "label": -1 + }, + { + "text": "For Telenor , the three and a half year contract is worth an estimated 12.6 m. YIT has chosen Telenor and Elisa as its principal suppliers of ICT solutions in Norway , Sweden , Denmark and Finland .", + "label": 1 + }, + { + "text": "The new shares entitle their holders to dividends for fiscal 2006 .", + "label": 0 + }, + { + "text": "Meanwhile , Alfa owns 25.1 % of MegaFon through Altimo , and 4.99 % of Turkcell via an 18.5 % stake in Cukurova Holding .", + "label": 0 + }, + { + "text": "New Delhi , July 17 -- Sahlberg Teppo , Kallio Timo and Mustonen Tuomas of M Real OYJ , Espoo , Finland have developed novel markings and methods of producing the same .", + "label": 0 + }, + { + "text": "Finnish Bank of +àland 's consolidated net operating profit increased from EUR 4.8 mn in the first quarter of 2005 to EUR 6.4 mn in the first quarter of 2006 .", + "label": 1 + }, + { + "text": "UPDATE 2-Prudential will see strong first-half earnings, outgoing CEO says", + "label": 1 + }, + { + "text": "TOP NEWS: Barclays Profit Depressed By Foreign Exchange Provisions", + "label": -1 + }, + { + "text": "GlaxoSmithKline share price slips as FDA okays asthma therapy only for adults", + "label": -1 + }, + { + "text": "Tesco loses two more directors as Garfield and Tammenoms step down", + "label": -1 + }, + { + "text": "Prudential capital ratio beats forecasts, confirms UK head", + "label": 1 + }, + { + "text": "HELSINKI AFX - Salcomp , the mobile phone charger manufacturer , said it has appointed Markku Hangasjarvi as its new CEO , following the resignation of Mats Eriksson .", + "label": 0 + }, + { + "text": "AstraZeneca to Pay Inovio Up to $700 Million for Cancer Drug", + "label": 1 + }, + { + "text": "Equity ratio was 60.9 % compared to 54.2 % In the third quarter of 2007 , net sales of the Frozen Foods Business totaled EUR 11.0 , up by about 5 % from the third quarter of 2006 .", + "label": 1 + }, + { + "text": "Brazilian mobile player Telemig Celular yesterday announced that it has selected Finnish software developer Tecnomen Oyj to expand its prepaid billing system .", + "label": 1 + }, + { + "text": "The company will release its 2010 results on 11 February 2011 .", + "label": 0 + }, + { + "text": "Shire CEO steps up drive to get Baxalta board talking", + "label": 0 + }, + { + "text": "` We respect their decision ... the discussions are now closed , ' said Kai Telanne , Alma Media 's CEO .", + "label": 0 + }, + { + "text": "Aldi and Lidl expansion plans speed ahead as Tesco, Sainsbury's, Morrisons ...", + "label": 1 + }, + { + "text": "N +1 Group will pay EUR16 .5 m of the transaction price upon closing , and the remaining sum in 2012 .", + "label": 0 + }, + { + "text": "Jon Risfelt is 49 years old holds a Master of Science in Chemical Engineering from the Swedish Royal Institute of Technology .", + "label": 0 + }, + { + "text": "Finnish lifting equipment maker Konecranes Oyj said on July 30 , 2008 that its net profit rose to 71.2 mln euro ( $ 111.1 mln ) for the first half of 2008 from 57.1 mln euro ( $ 89.1 mln ) for the same period of 2007 .", + "label": 1 + }, + { + "text": "The equipment Ixonos acquires with this deal includes mechanical engineering hardware ; an RF and antenna measurement laboratory ; facilities for the measurement of audio , cameras and displays ; as well as devices and robot units for the testing of mobile devices .", + "label": 0 + }, + { + "text": "Morrisons faces festive sales test", + "label": 0 + }, + { + "text": "UK MORNING BRIEFING: Sky And Hargreaves Lansdown Bookend FTSE 100", + "label": 0 + }, + { + "text": "Shell profit rises as company resist oil slump", + "label": 1 + }, + { + "text": "CRH's concrete bid for Holcim Lafarge assets", + "label": 1 + }, + { + "text": "Sales fell abroad but increased in Finland .", + "label": 0 + }, + { + "text": "Finnish Aktia Group 's operating profit rose to EUR 17.5 mn in the first quarter of 2010 from EUR 8.2 mn in the first quarter of 2009 .", + "label": 1 + }, + { + "text": "Berkshire Bought Apple Stake at $99.49 a Share, Filing Shows", + "label": 1 + }, + { + "text": "FTSE 100 movers: BG Group leads the charge as resource stocks jump", + "label": 1 + }, + { + "text": "The shares subscribed for under the stock options were registered in the Trade Register on 20 January 2011 , as of which date the new shares will establish shareholder rights .", + "label": 0 + }, + { + "text": "The Group 's order portfolio decreased from EUR 42.9 mn in 9-2007 to EUR 33.3 mn in 2-2008 .", + "label": -1 + }, + { + "text": "Fears Primark growth is starting to falter", + "label": -1 + }, + { + "text": "The above mentioned shareholders will suggest that a monthly salary of EUR 1,400 would be paid for the Board members outside the company .", + "label": 0 + }, + { + "text": "The divested company is part of TietoEnator 's business area Government , Manufacturing & Retail .", + "label": 0 + }, + { + "text": "BHP Billiton slashes dividend, posts $5.67 billion net loss", + "label": -1 + }, + { + "text": "Exclusive - Britain targets sale of half its RBS stake in two years: sources", + "label": -1 + }, + { + "text": "SSE to Shut Coal-Fired Plant Amid Shift to Gas, Renewable Energy", + "label": 0 + }, + { + "text": "The report goes on to provide detailed profiles of ten leading European specialty chemicals companies , and brief profiles of other major players .", + "label": 0 + }, + { + "text": "OCBC to Buy Barclay's Wealth Management Unit in Singapore, Hong Kong", + "label": 1 + }, + { + "text": "Johnson Matthey revs up on clean air drive", + "label": 1 + }, + { + "text": "Rautaruukki Corporation Stock exchange release 3 December 2009 at 12 noon Ruukki 's construction and engineering divisions are to further improve and adjust their operations in Finland .", + "label": 1 + }, + { + "text": "Operating loss amounted to EUR 0.9 mn in the first half of 2006 compared to a profit of EUR 0.5 mn in the first half of 2005 .", + "label": -1 + }, + { + "text": "Our customers come from the following countries : UK , USA , Spain , France , Italy , Germany , China , Sweden , Norway , Netherlands , Austria , Belgium , Switzerland , Czech Republic , Serbia , Finland , Canada , Russia , Ukraine , Portugal , Denmark , Ireland , South Korea , Estonia and Liechtenstein .", + "label": 0 + }, + { + "text": "RSA 's shares closed at 156.9 p at the time of going to press .", + "label": 0 + }, + { + "text": "The respondents praised Finnair 's reliability , Finnishness , and understanding of its target group .", + "label": 1 + }, + { + "text": "Stora Enso 's business in North America has annual capacity of about 3 million tons and employs about 4,350 people .", + "label": 0 + }, + { + "text": "Glencore fight back over debt fears lifts shares", + "label": 1 + }, + { + "text": "More than 80 special events in the three counties during four months were hosted by the library system and its nine branch libraries .", + "label": 0 + }, + { + "text": "GE to Sell Majority Stake in Bank BPH's Core Bank to Alior Bank", + "label": 1 + }, + { + "text": "All depends on financing .", + "label": 0 + }, + { + "text": "BRIEF-Aviva aims to increase dividend pay-out ratio to 50 pct in 2017", + "label": 1 + }, + { + "text": "Metsa-Botnia will finance the payment of dividends , the repayment of capital and the repurchase of its own shares with the funds deriving from its divestment of the Uruguay operations , and shares in Pohjolan Voima , and by utilising its existing financing facilities .", + "label": 0 + }, + { + "text": "Is It Worth Investing In Tesco PLC And Prudential plc Now?", + "label": 0 + }, + { + "text": "The company said that paper demand increased in all of its main markets , including of publication papers , and that it increased average paper prices by 4 percent compared with last year .", + "label": 1 + }, + { + "text": "The properties were purchased from Swedish private equity real estate firm Niam and Goldman Sachs ' Whitehall Street Real Estate Funds .", + "label": 0 + }, + { + "text": "The business has sales of about ( Euro ) 35 million ( $ 44million ) , and has been responsible for sales and marketing of Lanxess 's paper chemicals business , which Kemira bought for ( Euro ) 88 million early this year ( CW , Jan. 11 , p. 22 ) .", + "label": 0 + }, + { + "text": "Return on equity stood at 18.3 % compared to 15.4 % in the third quarter of 2005 .", + "label": 1 + }, + { + "text": "UPDATE 3-Auto Trader shares leap in UK's biggest private equity-backed listing", + "label": 1 + }, + { + "text": "Unilever returns to Cuba in joint venture with state", + "label": 1 + }, + { + "text": "Net sales fell by 33 % from the third quarter of 2008 to EUR 130.5 mn .", + "label": -1 + }, + { + "text": "Tesco sales rise shows tentative recovery continues", + "label": 1 + }, + { + "text": "Kaupthing Bank will publish its annual results for 2007 before markets open on Thursday 31 January .", + "label": 0 + }, + { + "text": "Sales VAT inclusive expanded by 19 percent , to 351 million euros .", + "label": 1 + }, + { + "text": "Cramo Plc is a service company specialising in construction machinery and equipment rental and rental-related services , as well as rental and sale of modular space .", + "label": 0 + }, + { + "text": "Net sales grew in the period to x20ac 402 million $ 585US million from x20ac 401 million in 2006 .", + "label": 1 + }, + { + "text": "Ruukki Romania , the local arm of Finnish metal producer Ruukki , increased its capital by 900,000 euro ( $ 1.14 mln ) through cash contribution , it was reported on September 19 , 2006 .", + "label": 1 + }, + { + "text": "CapMan said the deal 's effect on its cash flow for 2009 totals EUR3 .4 m , but the transaction would not affect its financial results for 2009 as it was executed at fair value .", + "label": 0 + }, + { + "text": "Profit after taxes for the period was up to EUR0 .9 m , from EUR0 .01 m last year .", + "label": 1 + }, + { + "text": "CompaniesAstraZeneca wins nod for 'blockbuster' hopeful", + "label": 1 + }, + { + "text": "The aim is to achieve EUR 2.5 mn yearly savings .", + "label": 1 + }, + { + "text": "Tesco sales recover as focus returns to core business", + "label": 1 + }, + { + "text": "The latest result included per-share charges of 5 cents for stock compensation , 1 cent for research and development and 1 cent for strategic investments .", + "label": 0 + }, + { + "text": "F-Secure Internet Security 2010 is a security service for surfing the web , online banking and shopping , e-mail , and other online activities .", + "label": 0 + }, + { + "text": "`` We have come out with a decision which is based on our preliminary economic , operational and environmental findings , '' Karvinen said .", + "label": 0 + }, + { + "text": "Glencore raises $2.5bn through share placing to help cut debt load", + "label": 0 + }, + { + "text": "Mr Ashley , deputy executive chairman of Sports Direct , sold a 43pc stake in the company for more than pounds 900m at the time of the float .", + "label": 0 + }, + { + "text": "A. Le Coq Special was developed for the bicentenary of the company and the trade mark , the brewer said .", + "label": 0 + }, + { + "text": "Combined net sales in 2006 were $ 27 million and EBITDA was $ 13.7 million .", + "label": 0 + }, + { + "text": "Rolls-Royce Wins $9.2 Billion Order From Emirates Airline", + "label": 1 + }, + { + "text": "HELSINKI AFX - KCI Konecranes said it has won an order for four hot metal ladle cranes from Indian steel producer Bhushan Steel and Strips Ltd. .", + "label": 1 + }, + { + "text": "The figure does not include food exports from Finland .", + "label": 0 + }, + { + "text": "Deals Help Shrink Glencore's Mountain of Debt", + "label": 0 + }, + { + "text": "Travis Perkins to create 4000 jobs", + "label": 1 + }, + { + "text": "Igor and Oleg Yankov , who currently manage Moron and Vitim , will hold onto the 25 % stake for now .", + "label": 0 + }, + { + "text": "At 3:37 p.m. Eastern time , a block of 2,400 contracts changed hands at a bid price of $ 0.45 .", + "label": 0 + }, + { + "text": "Direct Line rings up higher profit", + "label": 1 + }, + { + "text": "Berkshire seeks to boost its Wells Fargo stake above 10 percent", + "label": 1 + }, + { + "text": "The huge bridge girders will be delivered to the site from our plant in Ylivieska , Finland .", + "label": 0 + }, + { + "text": "Chipotle Sales Plunge as Troubled Chain Gets Federal Subpoena", + "label": -1 + }, + { + "text": "The Americas represents 25 % of Gemalto 's billing , and Latin America is one of the fastest growing regions for the company .", + "label": 0 + }, + { + "text": "Shire Sees Baxalta Deal Closing as Expected After New Rules", + "label": 1 + }, + { + "text": "Anheuser-Busch InBev Increases Offer for Rival SABMiller", + "label": 1 + }, + { + "text": "Operating profit for continuing operations fell to EUR 48.3 mn from EUR 72.4 mn in the first half of 2007 .", + "label": -1 + }, + { + "text": "Is Trouble Brewing At Legal & General Group Plc And Aviva plc?", + "label": -1 + }, + { + "text": "Bunzl blames weakness in United States for first-half revenue slowdown", + "label": -1 + }, + { + "text": "Entire paper mills may be set up , especially in the new EU member states .", + "label": 0 + }, + { + "text": "Britain's FTSE hits three-week low as financials, Tesco fall", + "label": -1 + }, + { + "text": "The availability of the Internet services is highlighted in the service offer of Kesko 's K-Group stores .", + "label": 0 + }, + { + "text": "Vaisala also said it expects net sales of EUR 253.2 million for 2010 , compared with EUR 252.2 million recorded in 2009 .", + "label": 1 + }, + { + "text": "Cuadrilla files to delay application to frack in Lancashire", + "label": -1 + }, + { + "text": "Randgold profit hit by poor gold price but dividend still increases", + "label": 0 + }, + { + "text": "No service pricing details were disclosed .", + "label": 0 + }, + { + "text": "Aldata said that there are still a number of operational aspects to be defined between it and Microsoft and further details of the product and market initiatives resulting from this agreement will be available at a later date .", + "label": 0 + }, + { + "text": "Amanda Capital has investments in 22 private equity funds and in over 200 unquoted companies mainly in Europe .", + "label": 0 + }, + { + "text": "It has80 branches in Finland with annual revenue in Finland of ?", + "label": 0 + }, + { + "text": "Aspo Plc STOCK EXCHANGE RELEASE February 11 , 2011 at8 .45 a.m. ESL Shipping Ltd , part of Aspo Group , has signed a new , long-term contract with Rautaruukki Corporation for the marine transport of raw materials on the Baltic Sea .", + "label": 1 + }, + { + "text": "Operating profit totalled EUR 7.0 mn , up from a loss of EUR 4.0 mn in the second quarter of 2009 .", + "label": 1 + }, + { + "text": "AstraZeneca's $727 million play to do away with chemotherapy", + "label": 1 + }, + { + "text": "Passenger-related revenue rose by 5.1 % to EUR 460.8 mn from EUR 438.5 mn in 2009 .", + "label": 1 + }, + { + "text": "US says HSBC must do more to improve compliance", + "label": -1 + }, + { + "text": "MarketsBP promotes upstream boss to deputy CEO", + "label": 0 + }, + { + "text": "A total of 15,000 new Citycon shares with a nominal value of EUR 1.35 per share were subscribed between 17 and 23 March 2006 exercising the A-B-C options based on the company 's stock option plan 1999 .", + "label": 0 + }, + { + "text": "CapMan has four investment areas ( CapMan Buyout , CapMan Technology , CapMan Life Science and CapMan Real Estate ) , and each of them has a dedicated team .", + "label": 0 + }, + { + "text": "BPI Says Caixabank, Isabel dos Santos Reach Agreement Over Angola Exposure", + "label": 1 + }, + { + "text": "May 29 , 2010 ( CompaniesandMarkets.com delivered by Newstex ) -- This report provides key data and information on the meat , fish and poultry market in Finland .", + "label": 0 + }, + { + "text": "Carnival Corporation and China Merchants Group Sign Memo of Understanding ...", + "label": 0 + }, + { + "text": "Operating profits in the half were 0.8 m , down from 0.9 m as Glisten invested in the brand and the management team .", + "label": -1 + }, + { + "text": "In January-September 2009 , the Group 's net interest income increased to EUR 112.4 mn from EUR 74.3 mn in January-September 2008 .", + "label": 1 + }, + { + "text": "Pretax profit jumped to EUR 21.9 million from EUR 3.1 million .", + "label": 1 + }, + { + "text": "AstraZeneca bags another cancer drug deal, this time with Inovio", + "label": 1 + }, + { + "text": "UPDATE 1-AstraZeneca potassium drug delayed by manufacturing snag", + "label": -1 + }, + { + "text": "The annual net sales of the unit is some EUR 5 million and it currently employs some 55 people .", + "label": 0 + }, + { + "text": "It is planned to set up the A class business center in the two top storeys of the complex .", + "label": 0 + }, + { + "text": "The new units should become one of the largest ones within the company .", + "label": 0 + }, + { + "text": "AstraZeneca Explores Potential Deal With Acerta for Cancer Drug", + "label": 1 + }, + { + "text": "Any investment or investment activity to which this communication relates is only available to relevant persons and will be engaged in only with relevant persons .", + "label": 0 + }, + { + "text": "RBI surprises Street; Sensex pares gains after hitting mount 30k", + "label": -1 + }, + { + "text": "UPDATE 1-Glencore flags sale of some Australia, Chile assets", + "label": 0 + }, + { + "text": "Lithuanian beer makers sold 256.88 million liters of beer in 2005 , a rise of 4.5 per cent from the year-earlier figure of 245.92 million liters .", + "label": 1 + }, + { + "text": "Operating result including non-recurring items rose to EUR 146mn from a loss of EUR 267mn in 2009 .", + "label": 1 + }, + { + "text": "The original patent was filed in Finland under application No. .", + "label": 0 + }, + { + "text": "The business area 's net sales were slightly over 2m in 2006 .", + "label": 0 + }, + { + "text": "Operating profit totaled EUR 6.7 mn , down from EUR 7.2 mn in the corresponding period in 2005 .", + "label": -1 + }, + { + "text": "We know that it exists , '' Artemyev said .", + "label": 0 + }, + { + "text": "Each option right entitles the holder to subscribe for one new share at a subscription price of EUR0 .045 during the subscription period which ends on 31 December 2013 .", + "label": 0 + }, + { + "text": "Barclays picks ex-JPMorgan exec Staley as new CEO, to start Dec 1", + "label": 0 + }, + { + "text": "HELSINKI AFX - Outokumpu Technology said it has signed a 3.5 mln eur agreement with Mongolia 's Erdenet Mining Corporation for the engineering of the first HydroCopper plant to be built at the Erdenet mine site .", + "label": 1 + }, + { + "text": "When the product is manufactured in Finland , it is also packed in the country .", + "label": 0 + }, + { + "text": "Legal & General share price: Finance chief to step down", + "label": 0 + }, + { + "text": "Estimations indicate that even up to 170 different tablet computers or reading devices will be available in 2011 .", + "label": 0 + }, + { + "text": "Subject-matter of the invention furthermore is the use of the cyclone for separating partly molten particles . ''", + "label": 0 + }, + { + "text": "UK government cuts stake in Lloyds to below 11 pct", + "label": -1 + }, + { + "text": "Tekla provides 3D software for building and infrastructure engineering , with a focus on building information modelling of steel and concrete structures from design to construction .", + "label": 0 + }, + { + "text": "Adanac Molybdenum of Canada has ordered grinding technology for its molybdenum project in British Columbia , Canada , while Shalkiya Zinc of Kazakhstan has awarded a contract for grinding technology for the Shalkiya zinc-lead project in Kazakhstan .", + "label": 1 + }, + { + "text": "HSBC shakes up board with two new business chiefs, three departures", + "label": 0 + }, + { + "text": "Rolls-Royce Wins $9.2 Billion Order From Emirates Airline", + "label": 1 + }, + { + "text": "UPDATE 3-Barclays fined for lax crime checks in 'deal of century'", + "label": -1 + }, + { + "text": "Persimmon share price climbs on 23% rise in full-year revenue", + "label": 1 + }, + { + "text": "The company 's operating income ( EBIT ) totalled EUR 0.0 mn , up from EUR -0.3 mn year-on-year .", + "label": 1 + }, + { + "text": "CapMan made its initial investment in OneMed in June 2006 .", + "label": 0 + }, + { + "text": "Welcome !", + "label": 0 + }, + { + "text": "Talentum acquired a 47.5 pct stake in Varesvuo Partners in 1997 and the remaining in 2002 and 2005 .", + "label": 0 + }, + { + "text": "ARM Holdings plc Partners With International Business Machines Corp. To Drive ...", + "label": 1 + }, + { + "text": "CompaniesLord Livingston joins Dixons Carphone", + "label": 1 + }, + { + "text": "`` I am very pleased and proud of our performance last year , '' Chief Executive Juha Rantanen said in a statement .", + "label": 1 + }, + { + "text": "BAVARIA Industriekapital AG 's 2006 revenues were EUR 333 million , with an EBITDA of EUR 51 million .", + "label": 0 + }, + { + "text": "I am looking forward to contribute to SRV 's success with my competence '' , says Taneli Hassinen .", + "label": 1 + }, + { + "text": "UPDATE 3-Buffett's Berkshire raises oil bet with Kinder Morgan stake", + "label": 0 + }, + { + "text": "Teva First-Quarter Net Rises 11% Amid Mylan Takeover Battle", + "label": 1 + }, + { + "text": "Incap Corporation Stock Exchange Announcement 29 April 2010 at 1 p.m. INVITATION TO A NEWS CONFERENCE ON INCAP 'S INTERIM REPORT Q1-2010 Incap will publish its interim report for January-March 2010 on Wednesday , 5 May 2010 .", + "label": 0 + }, + { + "text": "LSE-Deutsche Boerse merger would signal end to exchange mega-deals", + "label": 0 + }, + { + "text": "The share subscription period for C options will commence on 1 September 2008 and expire on 31 March 2011 .", + "label": 0 + }, + { + "text": "Aspo 's Group structure and business operations are continually developed without any predefined schedules .", + "label": 0 + }, + { + "text": "ALEXANDRIA , Va. , Oct. 3 -- Markka A. Oksanen and Harald Kaaja , both of Helsinki , Finland , Juha Salokannel of Kangasala , Finland , and Arto Palin of Viiala , Finland , have developed a system for providing communications security .", + "label": 0 + }, + { + "text": "FCA bans former RBS Libor submitter", + "label": -1 + }, + { + "text": "Last year the company raised its turnover to approximately 7 million litas EUR 2 mln , from 6.1 million litas in 2004 .", + "label": 1 + }, + { + "text": "CompaniesCompass serves up half year profit rise", + "label": 1 + }, + { + "text": "BasWare Invoice Processing , BasWare Contract Matching , BasWare Order Matching and BasWare KPI Reporting Tool are part of the BasWare 's Enterprise Purchase to Pay solution suite .", + "label": 0 + }, + { + "text": "Barclays, Deutsche Bank Fight to Lift Profit Just Got Harder", + "label": -1 + }, + { + "text": "- Net sales for the period are expected to fall well below that of last year and the result after non-recurring items is expected to be in the red .", + "label": -1 + }, + { + "text": "France raises concerns over proposed LSE-Deutsche Boerse deal", + "label": -1 + }, + { + "text": "Finnish software developer Done Solutions Oyj said its net profit increased to 3.5 mln euro ( $ 4.6 mln ) in 2006 from 2.3 mln euro ( $ 3.0 mln ) in 2005 .", + "label": 1 + }, + { + "text": "STUK today is a full service house expert in radiation and nuclear safety issues .", + "label": 0 + }, + { + "text": "The company 's plant in Russia will continue to make tyres for its near markets , while the plant in Nokia in Finland will manufacture tyres for other markets .", + "label": 0 + }, + { + "text": "US dollar wipes out sales gains for SABMiller", + "label": -1 + }, + { + "text": "The idea of saving electricity in data transfer is still a new one .", + "label": 0 + }, + { + "text": "LSE Group names former SEC head Schapiro non-executive director", + "label": 0 + }, + { + "text": "Operating profit rose to EUR 27.8 mn from EUR 17.5 mn in 2008 .", + "label": 1 + }, + { + "text": "Clinigen chosen by AstraZeneca to manage access programme for next ...", + "label": 1 + }, + { + "text": "Finnish printed circuit boards ( PCBs ) maker Aspocomp Group Oyj said on December 4 , 2006 it named Henry Gilchrist senior vice president of the group 's Asian operations , as of January 8 , 2007 .", + "label": 0 + }, + { + "text": "However , the proportion of the paid standing orders grew in 2009 .", + "label": 1 + }, + { + "text": "Oilfield services firm Petrofac's debt shoots up 50 per cent", + "label": -1 + }, + { + "text": "City spirits sink after Diageo comes up short with sales slide", + "label": -1 + }, + { + "text": "Finnish drug distributor and wholesaler Oriola-KD Oyj said on October 11 , 2006 it named Anne Kariniemi vice president of its Logistics and Sourcing department as of January 15 , 2007 .", + "label": 0 + }, + { + "text": "The forecast for 2012 is 3.3 % .", + "label": 0 + }, + { + "text": "No financial details were provided .", + "label": 0 + }, + { + "text": "Worldpay readies for £6bn London float", + "label": 0 + }, + { + "text": "Standard Life share price: Group gets approval to hike stake in India JV", + "label": 1 + }, + { + "text": "Two of these contracts are for turntable anode vibrocompactors that will be delivered to Gansu Hualu Aluminum Co Ltd and another unnamed costumer .", + "label": 0 + }, + { + "text": "Additionally , information on business segments , competitors and future outlook are provided .", + "label": 0 + }, + { + "text": "Intercontinental Exchange Opts Not to Bid for London Stock Exchange", + "label": 0 + }, + { + "text": "Buffett's Berkshire builds Deere stake, dumps Exxon", + "label": -1 + }, + { + "text": "Below are unaudited consolidated results for Aspocomp Group under IFRS reporting standards .", + "label": 0 + }, + { + "text": "Cargotec 's sales totalled EUR 3.4 billion in 2008 and it employs approximately 10,500 people .", + "label": 0 + }, + { + "text": "RBS hands £3.3m of shares to top staff", + "label": 0 + }, + { + "text": "Tesco turnaround gathers pace under new CEO", + "label": 1 + }, + { + "text": "In Q2 of 2009 , profit before taxes amounted to EUR 13.6 mn , down from EUR 26.8 mn in Q2 of 2008 .", + "label": -1 + }, + { + "text": "Net sales decreased to EUR 91.6 mn from EUR 109mn in the corresponding period in 2005 .", + "label": -1 + }, + { + "text": "EU regulator backs approval for GSK injectable asthma drug", + "label": 1 + }, + { + "text": "Shell CEO van Beurden's remuneration fell in 2015", + "label": 0 + }, + { + "text": "The proposal of the shareholders to elect Mr. Hannu Krogerus to the Board is based on his long and unrivalled experience and knowledge of all matters related to Elcoteq .", + "label": 0 + }, + { + "text": "We offer our clients integrated management consulting , total solutions for complex projects and efficient , best-in-class design and supervision .", + "label": 0 + }, + { + "text": "Furthermore , our fully electrically driven cranes are environmentally friendly .", + "label": 1 + }, + { + "text": "Renewed AB InBev Bid for SABMiller Ups Stake in Beer Battle", + "label": 1 + }, + { + "text": "Castecka said the town hall would hold talks with other investors interested in the zone .", + "label": 0 + }, + { + "text": "Currently , the company uses eight similar reach stackers and four empty container handlers by Konecranes .", + "label": 0 + }, + { + "text": "Operating loss before non-recurring items was EUR 0.9 mn , compared to a profit of EUR 11.5 mn in 2008 .", + "label": -1 + }, + { + "text": "Los Angeles-based Pacific Office Properties Trust acquires , owns , and operates office properties in the western U.S. , focusing initially on the markets of Honolulu , San Diego , Los Angeles , and Phoenix .", + "label": 0 + }, + { + "text": "`` Serving customers locally is one of the cornerstones of customer focus for us .", + "label": 0 + }, + { + "text": "The total value of the project is estimated to be over 3.0 mln euro $ 4.4 mln , of which the services will be over 2.0 mln euro $ 2.9 mln and third-party licences more than 1.0 mln euro $ 1.5 mln .", + "label": 0 + }, + { + "text": "Tesco, Asda sales fall as march of the discounters continues: Kantar", + "label": -1 + }, + { + "text": "M-real Corporation Stock Exchange Release 27 August 2009 at 3.15 pm M-real has received the EUR 190 million cash payment from Sappi M-real Corporation , a part of Mets+ñliitto Group , divested its Graphic Papers business to Sappi Limited at the end of 2008 for EUR 750 million .", + "label": 0 + }, + { + "text": "CommentOpening Quote: Tesco; Premier Foods jilted; FCA on IPOs", + "label": 0 + }, + { + "text": "Travel expenses would be reimbursed in accordance with the travel policy of the company .", + "label": 0 + }, + { + "text": "Tikkurila , a division of Kemira group , controls about 23 % of the Russian market in its field and owns St. Petersburg paint producer TEX. .", + "label": 0 + }, + { + "text": "Barclays, Credit Suisse strike record deals with SEC, NY over dark pools", + "label": -1 + }, + { + "text": "Sullivan said some of the boards `` really involve a lot of work , and people should get paid for their time . ''", + "label": 0 + }, + { + "text": "The event can be followed on-line via Orion 's Finnish homepage at www.orion.fi as well as via the Kauppalehti Live web service at www.kauppalehti.fi/live .", + "label": 0 + }, + { + "text": "Nokia Multimedia 's net sales totaled EUR 5.7 bn , up 45 % from the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "The company said that it has agreed to a EUR160m unsecured credit line from lenders .", + "label": 0 + }, + { + "text": "Operating profit rose to EUR 4.7 mn from EUR 4.6 mn .", + "label": 1 + }, + { + "text": "The offer of some 30 million shares aimed to raise more than x20ac 500 million US$ 640 million , was expected to be completed by Oct. 9 , Outokumpu said .", + "label": 0 + }, + { + "text": "Borealis Infrastructure putting together new Severn Trent bid", + "label": 1 + }, + { + "text": "It grew in Finland , Norway , Denmark and the Baltic countries .", + "label": 0 + }, + { + "text": "The acquired plant has an annual capacity of some 300,000 tonnes and most of its production is sold to domestic customers .", + "label": 0 + }, + { + "text": "According to CEO Hannu Syrj+ñnen , a new common name and visual identity is required as the group has grown and internationalised .", + "label": 0 + }, + { + "text": "Our in-depth expertise extends to the fields of energy , industry , urban & mobility and water & environment .", + "label": 0 + }, + { + "text": "Implementation of the project will be carried out by the Finnish company YIT in association with the investment fund Evli Property Investment Russia ( EPI ) .", + "label": 0 + }, + { + "text": "Barclays share price subdued as bank faces fresh forex probe", + "label": -1 + }, + { + "text": "CommentOpening Quote: pay day moans; profits slump for Lloyds; Mars mission", + "label": -1 + }, + { + "text": "Ackman, in email, says supports Valeant CEO Pearson", + "label": 0 + }, + { + "text": "Finland 's Poyry Energy has won a contract to advise builders of a new cogeneration power plant in Lithuania 's second-biggest city of Kaunas and to supervise the construction process .", + "label": 1 + }, + { + "text": "While the company did not indicate the level of investment in the unit , it said that has purchased the equipment of Nokia Corporation 's mobile phone R&D laboratory in Jyvaeskylae .", + "label": 0 + }, + { + "text": "Sales boost for new Morrisons chief David Potts as Tesco turnaround stalls", + "label": 1 + }, + { + "text": "Delivery is expected to take place later this month .", + "label": 0 + }, + { + "text": "Its customers include local companies Slo Oy , Kiilto Oy , Toptronics Oy , Normark Suomi Oy , Pellonpaja Oy and Mansner Oy .", + "label": 0 + }, + { + "text": "Tesco's Sales Pickup Isn't Enough", + "label": -1 + }, + { + "text": "The company is well positioned in Brazil and Uruguay .", + "label": 1 + }, + { + "text": "TalkTalk hires BAE Systems to investigate cyber attack", + "label": 1 + }, + { + "text": "The beers differ slightly from mainstream beers .", + "label": 0 + }, + { + "text": "BHP Billiton to lower copper production costs", + "label": 1 + }, + { + "text": "Valeant CEO Pledges to Heed Critics After `Painful' Experience", + "label": -1 + }, + { + "text": "Johnson Matthey profit falls but dividend rises", + "label": 0 + }, + { + "text": "RL-Nordic is a part of Raiffeisen-Banking-Group Austria and is a subsidiary to Raiffeisen-Leasing GmbH in Austria .", + "label": 0 + }, + { + "text": "Repeats sees 2008 operating profit down y-y ( Reporting by Helsinki Newsroom ) Keywords : TECNOMEN-RESULTS", + "label": -1 + }, + { + "text": "Morrisons faces festive sales test", + "label": 0 + }, + { + "text": "UPDATE 1-Shire steps up drive to get Baxalta talking after $30 bln bid", + "label": 1 + }, + { + "text": "Rockwell Collins is a provider of flight deck , cabin and information management solutions for business aircraft operators .", + "label": 0 + }, + { + "text": "Budapest , August 10 MTI - Finnish electronics maker Elcoteq will lay off 700 workers at its plants in Pecs S Hungary at the end of September because of falling orders , communications director for Elcoteq 's local unit , Zoltan Krippl told MTI on Monday .", + "label": -1 + }, + { + "text": "Under the plan , which CSES worked out together with Public Policy Management Institute ( PPMI ) and other partners , buildings with a total area of 10,000 square meters should be built on the territory in the first phase .", + "label": 0 + }, + { + "text": "Teva: FDA Approves Generic Version of AstraZeneca Heartburn Drug", + "label": 1 + }, + { + "text": "UPDATE 1-GSK-linked investigator freed early from China jail - source", + "label": 1 + }, + { + "text": "Pretax loss totalled EUR 162.3 mn compared to a profit of EUR 253.5 mn in 2007 .", + "label": -1 + }, + { + "text": "Google Fiber to buy Webpass for big city Internet service", + "label": 1 + }, + { + "text": "ALEXANDRIA , Va. , Oct. 23 -- Hans-Otto Scheck of Espoo , Finland , has developed a method of identifying remote radio units in a communication system .", + "label": 0 + }, + { + "text": "industry in Asia +ó Pakistan , Malaysia , Taiwan and Philippines Today , Global Research & Data Services is going to publish several market analyses about the cement markets in Asia .", + "label": 0 + }, + { + "text": "Ramirent 's net sales in the second quarterended June 30 were EURO 128.7 million about U.S. $ 163 million , a 3.3-percent increase compared with EURO 124.6 million for thesecond quarter last year .", + "label": 1 + }, + { + "text": "Prudential Financial quarterly profit rises 64 pct", + "label": 1 + }, + { + "text": "We offer our customers solutions based on renewable raw materials .", + "label": 0 + }, + { + "text": "US cancels Arctic offshore lease sale after Shell drops interest", + "label": 0 + }, + { + "text": "Glencore 2014 profit in line, takes $1.1 billion charge on commodity prices", + "label": 0 + }, + { + "text": "Again , the most significant sales increase of 18.6 % was in Russia .", + "label": 1 + }, + { + "text": "The company expects its net sales for the whole 2009 to remain below the 2008 level .", + "label": -1 + }, + { + "text": "In Finland , OP-Pohjola 's staff union is boycotting the group 's insurance sales tasks because the company has refused to take the sale of insurance into account in determining wages .", + "label": -1 + }, + { + "text": "Kingfisher set to open another 200 Screwfix stores", + "label": 1 + }, + { + "text": "Royal Mail and workers' union agree pay deal", + "label": 1 + }, + { + "text": "Nokia Messaging 1.1 enables customers to receive e-mails from up to 10 e-mail accounts on their mobile phone supporting all POP or IMAP e-mail services .", + "label": 0 + }, + { + "text": "Shell share price: Standard Life announce position against BG acquisition", + "label": 0 + }, + { + "text": "`` Of course , we are in talks with all those coming up with new projects that involve material handling , '' Konecranes President and CEO Pekka Lundmark said , when asked whether it was talking to Reliance Industries for supplying equipment to its upcoming refinery in Jamnagar .", + "label": 0 + }, + { + "text": "Our key geographical markets are Europe , Russian Federation , Middle-East , South-Africa and Japan .", + "label": 0 + }, + { + "text": "Broker tips: RBS, Croda, Sage", + "label": 1 + }, + { + "text": "The NTSB said investigators are set to conduct sight distance tests on July 18 , using trains similar to those involved in the accident .", + "label": 0 + }, + { + "text": "It is Estonia 's second-largest meat processing company by market share ( according to AC Nielsen 's 2008 data , 13 percent ) .", + "label": 0 + }, + { + "text": "Their offering also covers localisation services related to production transfer to the Finnish company 's customers that already have production in Asian market or have made the decision to transfer production there .", + "label": 0 + }, + { + "text": "Huhtamaki 's rigid plastic consumer goods operations , which are mainly in Europe , will be separated into a new reporting segment as of 1 January 2009 .", + "label": 0 + }, + { + "text": "EU drops Shell, BP, Statoil from ethanol benchmark investigation", + "label": 1 + }, + { + "text": "Capitex Kalmar will continue to be responsible for the maintenance and technical development of the services .", + "label": 0 + }, + { + "text": "The fixed acquisition price amounts to NOK 70 ( approximately EUR 8.7 ) million and additional price NOK 15 ( EUR 1.8 ) million at maximum .", + "label": 0 + }, + { + "text": "Iso Omena is based in the Matinkyla district of the southern part of the city of Espoo , southern Finland .", + "label": 0 + }, + { + "text": "Profit for the period was EUR 5.9 mn , up from EUR 1.3 mn .", + "label": 1 + }, + { + "text": "A 2001 agreement expired earlier this month .", + "label": 0 + }, + { + "text": "At the end of March 2007 , the group 's order book was at EUR 39.6 mn , up 42 % from the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "`` We will now , after the relevant authority approvals , make a mandatory bid as required by the Finnish Securities Markets Act .", + "label": 0 + }, + { + "text": "Once your plants are in the ground they will continue to grow , but the success of any garden lies in how well it 's maintained .", + "label": 0 + }, + { + "text": "ITV to pursue takeover of Canada's Entertainment One: Bloomberg", + "label": 0 + }, + { + "text": "Vaisala 's Present Weather Detector measures visibility up to 20 km , as well as precipitation type and intensity .", + "label": 0 + }, + { + "text": "AstraZeneca chases Acerta to secure next cancer drug winner", + "label": 1 + }, + { + "text": "ADP News - Nov 13 , 2008 - Finnish printed circuit board PCB maker Aspocomp Group Oyj OMX : ACG1V said today that its net loss narrowed to EUR 2 million USD 2.5 m in the first nine months of 2008 from EUR 57", + "label": 1 + }, + { + "text": "Industry NewsPetrofac secures $250m North Sea contract", + "label": 1 + }, + { + "text": "29 September , 2010 Finnish waste management and recycling company Lassila & Tikanoja expands its operations in Russia by introducing its recently completed recycling plant in the city of Dubna near Moscow .", + "label": 1 + }, + { + "text": "Blyk is launching first in the UK market in mid-2007 , with other markets to follow .", + "label": 0 + }, + { + "text": "( ADP News ) - Feb 4 , 2009 - Finnish broadband data communication systems and solutions company Teleste Oyj ( HEL : TLT1V ) said today its net profit decreased to EUR 5.5 million ( USD 7.2 m ) for 2008 from EUR 9.4 million for 200", + "label": -1 + }, + { + "text": "Australia clears AB Inbev's $100 billion SABMiller buyout plan", + "label": 1 + }, + { + "text": "Helsinki-based Componenta bought Turkish listed company Doktas in October 2006 for 89 million euros , making it the largest Finnish investment in Turkey to date .", + "label": 0 + }, + { + "text": "Aviva suspends trading in £1.8bn UK property fund", + "label": -1 + }, + { + "text": "The selling consortium includes funds managed by OKO Bank 's venture capital unit , Bio Fund Management and Finnish Industry Investment , a government-owned investment group .", + "label": 0 + }, + { + "text": "Net investment income", + "label": 0 + }, + { + "text": "Finnish steel maker Rautaruukki Oyj ( Ruukki ) said on July 7 , 2008 that it won a 9.0 mln euro ( $ 14.1 mln ) contract to supply and install steel superstructures for Partihallsforbindelsen bridge project in Gothenburg , western Sweden .", + "label": 1 + }, + { + "text": "Byline : Tim Moran Cellular phone giant Nokia Corp. is offering $ 8.1 billion for digital map supplier NAVTEQ Corp. , of Chicago .", + "label": 0 + }, + { + "text": "Easyjet targets business travellers with new perks", + "label": 0 + }, + { + "text": "The negotiations concern 246 salaried and senior salaried employees and are scheduled to be completed in six weeks .", + "label": 0 + }, + { + "text": "BioTie North-American licensing partner Somaxon Pharmaceuticals started a phase II-III clinical study in patients suffering from pathological gambling and a pilot phase II study in nicotine addiction smoking cessation .", + "label": 0 + }, + { + "text": "Juha Haapakoski will continue as Editor-in-Chief with budget responsibility also with the new publisher .", + "label": 0 + }, + { + "text": "Finnish electronics contract manufacturer Scanfil reports net sales of EUR 241.2 mn in 2006 , down from EUR 321.6 mn in 2005 .", + "label": -1 + }, + { + "text": "The 5,000 megawatt wind farm being planned in Raahe would be built offshore in front of Ruukki 's Raahe Works .", + "label": 0 + }, + { + "text": "However , the company saw its net profit for the third quarter down to EUR 1.4 million from EUR 1.5 million for the corresponding period of 2009 .", + "label": -1 + }, + { + "text": "CompaniesActelion shares hit record on Shire takeover talk", + "label": 1 + }, + { + "text": "Sainsbury's, Asda, Tesco and Morrisons will all cut petrol prices as oil falls ...", + "label": -1 + }, + { + "text": "Ramirent made 18 million kroons EUR 1.15 mln loss last year ; the year before the company was 7.3 million kroons in the black .", + "label": -1 + }, + { + "text": "Nokia will continue to invest in future development of Qt , and Digia will be responsible for commercial licensing and services business .", + "label": 0 + }, + { + "text": "( ADP News ) - Nov 28 , 2008 - Finnish power-supply solutions provider Efore Oyj ( OMX : EFO1V ) announced today the launch of OPUS DC , the latest power system in its OPUS product line .", + "label": 1 + }, + { + "text": "Sainsbury's pressed to raise bid for Home Retail Group", + "label": 0 + }, + { + "text": "Diageo Sells Ryder Cup Venue Gleneagles Hotel to Ennismore Group", + "label": 0 + }, + { + "text": "UPDATE 3-Ex-Barclays director accused by US of illegal tips to plumber", + "label": -1 + }, + { + "text": "Finnish lifting equipment maker Kone Oyj said on October 4 , 2007 it won an order worth 15 mln euro $ 21.2 mln to deliver a total of 53 custom designed elevators to Norwegian shipbuilder Aker Yards ASA .", + "label": 1 + }, + { + "text": "The plant will collect raw material from the Baltic Sea region .", + "label": 0 + }, + { + "text": "Shell and BG Shareholders to Vote on Deal at End of January", + "label": 0 + }, + { + "text": "He wore a black beanie-type cap and a black jacket .", + "label": 0 + }, + { + "text": "Bloomberg buys Barclays' benchmarking business", + "label": 1 + }, + { + "text": "UPDATE 1-Petrofac posts net loss hurt by Shetland Islands project costs", + "label": -1 + }, + { + "text": "The per-share subscription price of the shares subscribed with the option rights was EUR 1.35 .", + "label": 0 + }, + { + "text": "Rio Tinto CEO Sam Walsh rejects fears over China growth, demand", + "label": 0 + }, + { + "text": "AstraZeneca share price: Company to carve out antibiotic R&D unit into separate ...", + "label": 1 + }, + { + "text": "The record date for dividend distribution is March 14 , 2008 .", + "label": 0 + }, + { + "text": "Tesco bans sugary drinks in “childhood obesity driveâ€퀀", + "label": 0 + }, + { + "text": "StanChart may see white knight takeover on painful recovery - CLSA", + "label": 0 + }, + { + "text": "UPDATE 3-Barclays sells Italian branches to Mediobanca at a loss", + "label": -1 + }, + { + "text": "Bovine slaughtering and cutting at the Kuopio facility will be transferred to the Kauhajoki slaughterhouse .", + "label": 0 + }, + { + "text": "Sainsbury sells unit to LloydsPharmacy", + "label": 1 + }, + { + "text": "Following the issue , the number of shares in the Swedish company will grow by 9 % .", + "label": 0 + }, + { + "text": "Operating profit totaled EUR 3.8 mn , down from EUR 4.5 mn in the corresponding period in 2005 .", + "label": -1 + }, + { + "text": "Return on investment ROI was 4.1 % compared to 43.8 % in the first half of 2008 .", + "label": -1 + }, + { + "text": "AB InBev to sell Peroni and Grolsch", + "label": 1 + }, + { + "text": "Goodwill and other intangible assets account for some 2.0 mln euro ( $ 2.6 mln ) of the purchase price , 20 pct of which payable in Aspo shares .", + "label": 0 + }, + { + "text": "The company slipped to an operating loss of EUR 2.6 million from a profit of EUR 1.3 million .", + "label": -1 + }, + { + "text": "`` This could be us .", + "label": 0 + }, + { + "text": "The company 's transportation business is conducted through Florida Rock & Tank Lines , which is a Southeastern transportation company concentrating in the hauling by motor carrier of liquid and dry bulk commodities .", + "label": 0 + }, + { + "text": "Diageo sales disappoint as currency and comparatives leave bitter taste", + "label": -1 + }, + { + "text": "The power generated annually by Loviisa covers about 10 % of Finland 's electricity consumption .", + "label": 0 + }, + { + "text": "In January-September 2007 , operating profit totaled EUR 20.5 mn .", + "label": 0 + }, + { + "text": "The Company serves approximately 3,000 customers in over 100 countries .", + "label": 0 + }, + { + "text": "France raises concerns over proposed LSE-Deutsche Boerse deal", + "label": -1 + }, + { + "text": "CORRECTED-Shire to buy Dyax for about $5.9 bln", + "label": 1 + }, + { + "text": "BP sees Q1 earnings slide as low oil prices take their toll", + "label": -1 + }, + { + "text": "London Stock Exchange seals £22 billion merger with Germany's Deutsche Börse", + "label": 1 + }, + { + "text": "Diluted earnings per share ( EPS ) stood at EUR 0.25 versus EUR 0.42 .", + "label": -1 + }, + { + "text": "In the first quarter of 2008 , Sacanfil 's net sales totalled EUR 50.0 mn and its operating profit EUR 4.7 mn .", + "label": 0 + }, + { + "text": "That would be an increase from estimated sales of 117 million last year .", + "label": 1 + }, + { + "text": "( ADP News ) - Feb 11 , 2009 - Finnish wood products technology supplier Raute Oyj ( HEL : RUTAV ) said today its net profit decreased to EUR 4.7 million ( USD 6.1 m ) for 2008 from EUR 6.6 million for 2007 .", + "label": -1 + }, + { + "text": "Market Report: Eight-day rally ends for FTSE 100 and Standard Chartered", + "label": 0 + }, + { + "text": "Google Fiber to buy Webpass for big city Internet service", + "label": 1 + }, + { + "text": "Our superior customer centricity and expertise in digital services set us apart from our competitors .", + "label": 1 + }, + { + "text": "With sales of $ 12.7 billion over the last twelve months ending October , 2010 and over 9,200 stores in 35 states , Dollar General is the nation 's largest small box discount retailer .", + "label": 0 + }, + { + "text": "Aviva promises higher dividends to boost flagging share price", + "label": 1 + }, + { + "text": "Diageo Sells Ryder Cup Venue Gleneagles Hotel to Ennismore Group", + "label": 0 + }, + { + "text": "Shell challenges Exxon dominance with 47 billion-pound bid for BG", + "label": 0 + }, + { + "text": "AB InBev to sell more SAB assets as seeks EU deal approval", + "label": 0 + }, + { + "text": "Aviva suspends trading in £1.8bn UK property fund", + "label": -1 + }, + { + "text": "When completed , the 120-meter Watchtower will be the highest building in Ireland .", + "label": 0 + }, + { + "text": "Breakingviews: IAG can pay more for Aer Lingus", + "label": 0 + }, + { + "text": "Quarterly diluted EPS on continuing operations came in at 0.21 eur , compared with last year 's 0.12 eur .", + "label": 1 + }, + { + "text": "In accordance with the terms and conditions of Alma Media 's 2006 option program , the share subscription price for the 2006A option rights was EUR 4.88 per share and the book countervalue EUR 0.60 per share .", + "label": 0 + }, + { + "text": "In Penttil+ñ 's vision , the most important reason for the transaction is Russia .", + "label": 0 + }, + { + "text": "Retail giant Kingfisher reports 'solid' start to the year", + "label": 1 + }, + { + "text": "EBIT totalled EUR 14.4 mn , compared to a loss of EUR 0.3 mn in the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "Protesters gather in Seattle to block access to Shell oil rig", + "label": -1 + }, + { + "text": "Petrofac books further £30m cost for Shetland gas terminal delays", + "label": -1 + }, + { + "text": "With the new production plant the company would increase its capacity to meet the expected increase in demand and would improve the use of raw materials and therefore increase the production profitability .", + "label": 1 + }, + { + "text": "Standard Life stands tall amid pension reform", + "label": 1 + }, + { + "text": "The combined value of the planned investments is about EUR 30mn .", + "label": 0 + }, + { + "text": "Last year 's net sales rose to EUR 68.3 million from EUR 62.2 million .", + "label": 1 + }, + { + "text": "That address also happens to house Italian megamart Eataly , meaning that `` Come on , kids , we 're going to the Toy Building ! ''", + "label": 0 + }, + { + "text": "EMSA Deputy Chairman of the Board Juri Lember told BNS on Wednesday that this was the first time he heard about the strike as the Swedish side had not informed the Estonian union yet .", + "label": -1 + }, + { + "text": "AB InBev's Latest Bid Said Unlikely to Win SABMiller's Approval", + "label": 0 + }, + { + "text": "Finnish electronics manufacturing services EMS company Elcoteq SE posted a net loss of 66.4 mln euro $ 91.2 mln for the first half of 2007 , compared to a net profit of 7.1 mln euro $ 9.8 mln for the same period of 2006 .", + "label": -1 + }, + { + "text": "UPDATE 1-RBS raising $3.1 billion through issue of CoCo bonds", + "label": 0 + }, + { + "text": "CEOs of BPM, UBI meet Italy econ minister as M&A talk heats up", + "label": 0 + }, + { + "text": "The parties have therefore agreed to leave Avena out of the deal .", + "label": 0 + }, + { + "text": "Its other well-known brands include fitness equipment maker Precor and U.S. - based ball sports equipment maker Wilson .", + "label": 0 + }, + { + "text": "Exports of goods fell by 59 % , and imports by 16.7 % .", + "label": -1 + }, + { + "text": "Standard Chartered Will Close Equity Sales and Research Business", + "label": -1 + }, + { + "text": "The manufacturing will begin in Pietarsaari in the beginning of the year 2009 and the delivery will take place in October 2009 .", + "label": 0 + }, + { + "text": "Standard Chartered Shares Jump Most Since '12 After Upgrades", + "label": 1 + }, + { + "text": "Tesco to pay £8m to settle class-action lawsuit after accounting scandal", + "label": -1 + }, + { + "text": "The company said Offshore segment represented 43 % of the total marine engines orders for the July-September 2010 period , Merchant 33 % , Special vessels 18 % , and Cruise and Ferry , and Ship Design -- 2 % and 3 % , respectively .", + "label": 0 + }, + { + "text": "In addition , MIDs are always online and enable full Internet browsing .", + "label": 0 + }, + { + "text": "Tesco share price: Brand Guarantee comes under fire", + "label": -1 + }, + { + "text": "The Helsinki-based company , which also owns the Salomon , Atomic and Suunto brands , said net profit rose 15 percent in the three months through Dec. 31 to ( x20ac ) 47 million ( $ 61US million ) , from ( x20ac ) 40.8 million a year earlier .", + "label": 1 + }, + { + "text": "Barclays set to name former JPMorgan banker Staley as new CEO", + "label": 0 + }, + { + "text": "Tesco boss urges rethink on minimum wage and business rates", + "label": 0 + }, + { + "text": "The shares carry a right to dividend and other shareholder rights as from their registration with the Finnish Trade Register .", + "label": 0 + }, + { + "text": "US sanctions put Gazprom-Shell alliance plans in jeopardy", + "label": -1 + }, + { + "text": "GlaxoSmithKline rebound gathering pace, says outgoing CEO", + "label": 1 + }, + { + "text": "According to him , construction work will start in spring 2007 , and the facility is to be commissioned in spring 2008 .", + "label": 0 + }, + { + "text": "Finnish KCI Konecranes has been awarded an order for four hot metal ladle cranes by Indian steel producer Bhushan Steel & Strips to be delivered in 2007 .", + "label": 1 + }, + { + "text": "GUANGDONG , October 26 , SinoCast -- Nokia Telecommunications Dongguan branch entered into a letter of intent to open a Nokia Class in Qingyuan Polytechnic , Qingyuan City of Guangdong Province .", + "label": 0 + }, + { + "text": "Should You Buy Jumbo Yielders British American Tobacco plc, Centrica PLC & John Wood Group PLC?", + "label": 0 + }, + { + "text": "Niina Nenonen , Marimekko 's current director for clothing , bags and accessories lines , will take up this role .", + "label": 0 + }, + { + "text": "Previously , the company anticipated its operating profit to improve over the same period .", + "label": 1 + }, + { + "text": "KONE is listed on the Nordic Exchange in Helsinki .", + "label": 0 + }, + { + "text": "Operating profit excluding non-recurring items amounted to EUR 40.6 mn , down from EUR 57.3 mn year-on-year .", + "label": -1 + }, + { + "text": "Upon completion of the sale Proha would get some USD12 .7 m for its stake in Artemis .", + "label": 0 + }, + { + "text": "Retail chain Suomen L+ñhikauppa was given the index 5.8 , airline SAS 5.8 , TeliaSonera 's broadband 6.1 , German retail chain Lidl 6.1 , Tele Finland 's mobile subscriptions 6.1 , Tallink shipping line 6.3 , and power company Helsinki Energy 6.3 .", + "label": 0 + }, + { + "text": "Comparable operating profit totaled EUR 4.7 mn , down from EUR 5.1 mn in the corresponding period in 2005 , representing 7.4 % of net sales .", + "label": -1 + }, + { + "text": "IAG closes in on Aer Lingus with increased offer", + "label": 1 + }, + { + "text": "The company , which has EUR2 .8 bn in assets , counts among its five largest shareholders Finnish insurers Ilmarinen 4.34 % and Varma 0.70 % , as well as the Finnish state pension fund VER 0.61 % .", + "label": 0 + }, + { + "text": "Cuadrilla files to delay application to frack in Lancashire", + "label": -1 + }, + { + "text": "Morrisons share price: Group trading director departs as management cull ...", + "label": 0 + }, + { + "text": "Walmart still selling Maryland T-shirts featuring the outline of Massachusetts", + "label": 0 + }, + { + "text": "The agreement is valid for four years .", + "label": 0 + }, + { + "text": "Motorola Inc. of the United States came second with shipments of 217.4 million units for a 21.3 percent market share , followed by South Korea 's Samsung Electronics Co. with shipments of 118.0 million units for an 11.6 percent share .", + "label": 0 + }, + { + "text": "CEO of Berkshire's Gen Re to retire; Jain's role grows", + "label": 0 + }, + { + "text": "Sponda is a property investment company , specialising in commercial properties in the largest cities in Finland and Russia .", + "label": 0 + }, + { + "text": "SysOpen Digia Plc , Press release , 7 February 2006 IBM Finland has rewarded its most distinguished partner companies for 2005 .", + "label": 1 + }, + { + "text": "In 2009 , Comptel slipped to a net loss of EUR2 .1 m from a profit of EUR6 .6 m in the previous year .", + "label": -1 + }, + { + "text": "The company will make its marketing and sales investments initiated in 2009 even more efficient in 2010 .", + "label": 1 + }, + { + "text": "News FeedFTSE 100 movers: Standard Chartered lifted while AstraZeneca sinks", + "label": -1 + }, + { + "text": "ALEXANDRIA , Va. , Nov. 19 -- Erkki Aho , Elimaki , Finland , has developed a method and apparatus in conjunction with a shoe press .", + "label": 0 + }, + { + "text": "The 3C Expo is a signature show in Dongguan , which is supported by the Dongguan Municipal Government every year , featuring computer accessories , software , communication and network products .", + "label": 0 + }, + { + "text": "Tekla Group 's net sales for 2005 were approximately 38 million euros .", + "label": 0 + }, + { + "text": "United Utilities FY profit up 3.5%; to boost capex", + "label": 1 + }, + { + "text": "Profit before taxes amounted to EUR 56.5 mn , down from EUR 232.9 mn a year ago .", + "label": -1 + }, + { + "text": "About 72 % of Evraz Group shares are owned by Lanebrook , whose beneficiaries , on the one hand , are Millhouse , the holding company for the assets of billionaire Roman Abramovich and his business partners 50 % ; and Evraz executives Alexander Abramov and Alexander Frolov 50 % , on the other .", + "label": 0 + }, + { + "text": "Italy Probes Shell's Role in Purchase of Nigerian Oil Block", + "label": -1 + }, + { + "text": "The group 's operating loss was EUR 0.8 mn , down from a profit of EUR 2.5 mn in 2004 .", + "label": -1 + }, + { + "text": "Okmetic has a global customer base and sales network , production plants in Finland and the US and contract manufacturers in Japan and China .", + "label": 0 + }, + { + "text": "Of these shares 14,747,084 are held by the Company and the number of outstanding shares and voting rights attached to the shares amounts thus to 161,256,847 .", + "label": 0 + }, + { + "text": "Tecnomen 's system features a new range of value-added services for prepaid and post-paid billing , charging and rating of voice calls , data traffic , or any kind of content services in both mobile and fixed networks .", + "label": 0 + }, + { + "text": "( ADP News ) - Feb 9 , 2009 - Finnish computer services company Proha Oyj ( HEL : ART1V ) said today its net loss narrowed to EUR 113,000 ( USD 146,000 ) for 2008 from EUR 1.2 million for 2007 .", + "label": 1 + }, + { + "text": "BP wins right to appeal some Gulf spill damages claims", + "label": 1 + }, + { + "text": "Operating profit rose to EUR 5mn from EUR 2.8 mn in the fourth quarter of 2008 .", + "label": 1 + }, + { + "text": "SAMPO PLC Jarmo Salonen Head of Investor Relations and Group Communications tel. +358 10 516 0030 Distribution : NASDAQ OMX Helsinki The principal media Financial Supervisory Authority www.sampo.com This announcement is distributed by Thomson Reuters on behalf of Thomson Reuters clients .", + "label": 0 + }, + { + "text": "Standard Life shuts £2.9bn property fund after investors rush to withdraw money post-Brexit", + "label": -1 + }, + { + "text": "A PLUMBING business has announced it is sponsoring a professional darts player .", + "label": 0 + }, + { + "text": "Absolut Bank is exploring the possibility of further borrowing .", + "label": 0 + }, + { + "text": "Satama 's net sales would be higher than the year before .", + "label": 1 + }, + { + "text": "In 2007 Talentum will disclose three Interim Reports - Q1 ( January - March ) on Friday , 27 April , 2007 - Q2 ( April - June ) on Friday , 20 July , 2007 - Q3 ( July - September ) on Friday , 26 October , 2007 .", + "label": 0 + }, + { + "text": "Stakes High for AstraZeneca Heart Drug Facing Tough Competition", + "label": -1 + }, + { + "text": "According to CEO Kai Telanne , the company 's newspapers achieved the best financial result ever .", + "label": 1 + }, + { + "text": "Proline Plus is available in both adjustable single and multichannel models and fixed volume single-channel models , in volume ranges from 0.1 micro litres to 10 ml .", + "label": 0 + }, + { + "text": "At the same time profit of the company increased by 10 % in H1 and reached Ls 79,000 .", + "label": 1 + }, + { + "text": "The CVs of the proposed members are available for viewing from 12 March 2008 onwards on the Internet at www.sampo.com/ir .", + "label": 0 + }, + { + "text": "Finnair PLC carried a record 8.8 million passengers in 2006 , an increase of 3.5 percent on the previous year , the Finnish national carrier reported Tuesday .", + "label": 1 + }, + { + "text": "Negotiations with representatives of the personnel regarding the restructuring process have now been ended .", + "label": 0 + }, + { + "text": "CompaniesCar insurer Hastings Group driving £180m IPO", + "label": 1 + }, + { + "text": "Shell fined by Scottish court for 2011 North Sea oil spill", + "label": -1 + }, + { + "text": "EasyJet attracts more passengers in June but still lags Ryanair", + "label": 1 + }, + { + "text": "He joins Technopolis from KONE where he has held various positions within the Group , most recently as Director of Service Business and Business Development for KONE s Middle Eastern operations .", + "label": 0 + }, + { + "text": "This will be done domestically and in neighboring markets , both organically and through acquisitions .", + "label": 0 + }, + { + "text": "McEwan will be nursing RBS through more struggles yet", + "label": -1 + }, + { + "text": "GlaxoSmithKline heart drug flops in study, shingles vaccine on track", + "label": -1 + }, + { + "text": "Earnings per share ( EPS ) were EUR0 .03 , up from the loss of EUR0 .083 .", + "label": 1 + }, + { + "text": "Mformation and Nokia noted they have established interoperability agreements that cover commercially proven , standards-based management of mobile devices , as well as mobile device security and mobile application management .", + "label": 1 + }, + { + "text": "CompaniesShell sells stake in Showa Shell Sekiyu for $1.4bn", + "label": 0 + }, + { + "text": "BP pay boss feels the heat from revolt over Dudley's £14 million", + "label": 0 + }, + { + "text": "Dividends Unleashed At Royal Bank of Scotland Group plc", + "label": 1 + }, + { + "text": "The purchase price was not disclosed .", + "label": 0 + }, + { + "text": "Bidders Abandon Auction Of Tesco Data Unit", + "label": -1 + }, + { + "text": "The platform is based built on Intel s second-generation MID platform , called Moorestown .", + "label": 0 + }, + { + "text": "The percentages of shares and voting rights have been calculated in proportion to the total number of shares registered with the Trade Register and the total number of voting rights related to them .", + "label": 0 + }, + { + "text": "According to Finnish Aktia Bank 's Managing Director Jussi Laitinen , the bank 's aim is to triple the number of its customers in Finland in the next five years .", + "label": 1 + }, + { + "text": "Professional and consumer applications include personal navigation , personal safety , field and workflow management , and asset tracking .", + "label": 0 + }, + { + "text": "HELSINKI AFX - Cramo said it has agreed to sell Cramo Nederland BV CNL , its Dutch machinery and equipment rental unit , to Jaston Groep for an undisclosed sum .", + "label": 0 + }, + { + "text": "The company 's equipment rental portfolio consists primarily of tools for small and mid-sized customers in the construction industry .", + "label": 0 + }, + { + "text": "The six breweries recorded a 5.2 percent growth in domestic beer sales last year to 270.21 million liters , from 256.88 million liters sold in 2005 .", + "label": 1 + }, + { + "text": "With five different game modes , co-op tournaments , 4 player split-screen and multiplayer modes , players can have as much fun as they would if they were actually fishing .", + "label": 0 + }, + { + "text": "UK's FTSE hits new record highs as CRH climbs", + "label": 1 + }, + { + "text": "EU drops Shell, BP, Statoil from ethanol benchmark investigation", + "label": 1 + }, + { + "text": "In sales volume , Coca-Cola 's market share has decreased by 2.2 % to 24.2 % .", + "label": -1 + }, + { + "text": "News FeedFTSE 100 movers: LSE surges as ICE says mulling offer; Ashtead and Barclays tank", + "label": 1 + }, + { + "text": "Standard Life stands tall amid pension reform", + "label": 1 + }, + { + "text": "Novo Nordisk and AstraZeneca seek tonic from key drug trials", + "label": 0 + }, + { + "text": "Prudential knocked after investors withdraw £3.9bn from M&G", + "label": -1 + }, + { + "text": "A few employees would remain at the Oulu plant in support functions for other group units .", + "label": 0 + }, + { + "text": "Finnish Cargotec 's Kalmar has received a significant order from the US Department of Defense .", + "label": 1 + }, + { + "text": "IHG agrees $938 sale of InterContinental Hong Kong", + "label": 1 + }, + { + "text": "Operating profit for the 12-month period decreased from EUR17 .9 m while net sales increased from EUR58 .3 m , as compared to 2007 .", + "label": -1 + }, + { + "text": "TalkTalk hires BAE Systems to investigate cyber attack", + "label": 1 + }, + { + "text": "The deal includes an option for Cramo to buy out the minority stake in 2011 .", + "label": 0 + }, + { + "text": "Order intake grew by 40 % year-on-year and 30 % year-on-year , respectively , to EUR 576 million and EUR 1.7 billion for the respective January-September and July-September 2010 periods .", + "label": 1 + }, + { + "text": "This new partnership agreement represents a significant milestone for both parties .", + "label": 1 + }, + { + "text": "With this acquisition Panostaja Oyj further expands its business area specialising in digital printing .", + "label": 1 + }, + { + "text": "Sainsbury's, Asda, Tesco and Morrisons will all cut petrol prices as oil falls ...", + "label": -1 + }, + { + "text": "Founded in 2000 , BioView automates laboratory tests , especially diagnostic tests for cancer .", + "label": 0 + }, + { + "text": "`` The enterprise value of the Fray Bentos pulp mill and Forestal Oriental totals approximately euro1 .6 billion , '' UPM said .", + "label": 0 + }, + { + "text": "Nokia said it still expects to sell 150 more million Symbian devices in years to come , giving an indication of how it expects the Phone 7 handoff to work .", + "label": 0 + }, + { + "text": "The value of the three-year contract is estimated at EUR40m .", + "label": 0 + }, + { + "text": "The inaugural speech will be given by Hannu Kyrolainen , Finland 's Ambassador to the Czech Republic .", + "label": 0 + }, + { + "text": "This one was at one time targeted for June 5 , but if we had to guess , it 's been pushed back -- maybe we 're crazy , but we feel like it has n't leaked enough to meet that date at this point .", + "label": 0 + }, + { + "text": "Shire share price: Group releases full-year results", + "label": 1 + }, + { + "text": "BP agrees to $18.7B penalty for oil spill; the tricky science behind ...", + "label": -1 + }, + { + "text": "Insurers: Admiral blows hot and cold but Aviva soars pre-Friends Life merger", + "label": 0 + }, + { + "text": "ADPnews - Sep 28 , 2009 - Finnish silicon wafers maker Okmetic Oyj HEL : OKM1V said it will reduce the number of its clerical workers by 22 worldwide as a result of personnel negotiations completed today .", + "label": -1 + }, + { + "text": "UPDATE 1-EU regulator backs approval for GSK injectable asthma drug", + "label": 1 + }, + { + "text": "The result will also be burdened by increased fixed costs associated with operations in China , and restructuring costs in Japan .", + "label": -1 + }, + { + "text": "EuroChem CFO Andrey Ilyin said : `` This facility marks another important step for EuroChem in securing the long-term financing necessary for our potash and other strategic projects '' .", + "label": 1 + }, + { + "text": "No financial details were disclosed .", + "label": 0 + }, + { + "text": "Aldata Solution Oyj Thomas Hoyer CFO More information : Aldata Solution Oyj , Thomas Hoyer , CFO , tel. +358 45 670 0491 Aldata in brief Aldata Solution is one of the global leaders in supply chain software for retail , wholesale and logistics companies .", + "label": 0 + }, + { + "text": "The value of the contract is EUR 25mn .", + "label": 0 + }, + { + "text": "The acquisition is expected to improve access to chrome ore resources in Turkey .", + "label": 1 + }, + { + "text": "AO World shares tumble on profit warning", + "label": -1 + }, + { + "text": "`` We know there are some of our own people out there . ''", + "label": 0 + }, + { + "text": "M. and a Master of Business Administration MBA .", + "label": 0 + }, + { + "text": "Diageo share price: Group issues half-year update", + "label": 0 + }, + { + "text": "Morrisons finance chief to fill gap as CEO leaves early", + "label": 0 + }, + { + "text": "Barclays fined for anti-money-laundering failings", + "label": -1 + }, + { + "text": "The dividends payable annually shall be deducted from the share subscription price .", + "label": 0 + }, + { + "text": "Friends Life lifts profits 38% and hikes divi ahead of proposed Aviva takeover", + "label": 1 + }, + { + "text": "UPDATE 1-Berkshire applies to boost Wells Fargo stake above 10 pct", + "label": 1 + }, + { + "text": "Mylan Appoints Ranjan Ray Chaudhuri as Global Commercial Lead for Mylan's Over ...", + "label": 0 + }, + { + "text": "Ex-Barclays traders sentenced to up to six years' jail in Libor case", + "label": -1 + }, + { + "text": "UPDATE: EasyJet Passenger Numbers, Aer Lingus Traffic Up In February", + "label": 1 + }, + { + "text": "This assignment strengthens Poyry 's position as an international provider of engineering and project services to the chemical process industry .", + "label": 1 + }, + { + "text": "The phones are targeted at first time users in growth markets .", + "label": 0 + }, + { + "text": "LLC , a voice and data management solution provider to wireless companies with operations worldwide , will be transferring its U.S. deployment operations to the Finnish mobile giant , which includes civil works and site acquisition services .", + "label": 0 + }, + { + "text": "Fiskars R , founded in 1649 , is one of the oldest companies in the world and is the largest manufacturer of lightweight stainless steel scissors in the U.S. .", + "label": 0 + }, + { + "text": "Activities range from the development of natural resources to the retailed marketing of finished products .", + "label": 0 + }, + { + "text": "Oil majors like Royal Dutch Shell, Chevron, BP fail to find reserves to counter ...", + "label": -1 + }, + { + "text": "Adjusted for changes in the Group structure , the Division 's net sales increased by 1.7 % .", + "label": 1 + }, + { + "text": "Finnlines will announce in week 17 of 2006 what measures it will take to tackle the situation .", + "label": 0 + }, + { + "text": "In the sinter plant , limestone and coke breeze are mixed with the iron ore concentrate and sintered into lump form or sinter for use in the blast furnaces as a raw material for iron-making .", + "label": 0 + }, + { + "text": "Cencorp would focus on the development , manufacture and marketing of standard products for production automation .", + "label": 0 + }, + { + "text": "Shell Plans to Shed 2800 Jobs After Buying BG Group", + "label": -1 + }, + { + "text": "Key shareholders of Finnish IT services provider TietoEnator Oyj on Friday rejected a hostile EUR1 .08 billion $ 1.67 billion offer from buyout shop Nordic Capital , giving new life to a possible counter offer from Blackstone Group LP and Norwegian telecom Telenor ASA .", + "label": 1 + }, + { + "text": "Saunalahti is a part of the Elisa group .", + "label": 0 + }, + { + "text": "Kaleva Kustannus Oy ( business ID 0187274-0 ) has , according to its notice , on 10 August 2009 acquired 4,458,000 Alma Media shares .", + "label": 0 + }, + { + "text": "Finnish component supplier Componenta Corporation OMX Helsinki : CTH1V said on Monday 16 June that it is changing its pricing cycle due to the increase of raw material prices .", + "label": 0 + }, + { + "text": "Diageo share price: Group issues half-year update", + "label": 0 + }, + { + "text": "InterContinental Hotels Group share price climbs on $1.5bn special dividend", + "label": 1 + }, + { + "text": "Retailers Kingfisher and Sports Direct rise in Britain's share index", + "label": 1 + }, + { + "text": "Payout from BP oil spill settlement tops $5 billion", + "label": -1 + }, + { + "text": "Residents access to the block is planned to be from Aleksandri Street .", + "label": 0 + }, + { + "text": "AB InBev Holds Talks With Regulators About California Deals", + "label": 0 + }, + { + "text": "Its board of directors will propose a dividend of EUR0 .12 per share for 2010 , up from the EUR0 .08 per share paid in 2009 .", + "label": 1 + }, + { + "text": "It is a disappointment to see the plan folded .", + "label": -1 + }, + { + "text": "Lemmink+ñinen started the manufacture of roofing felt in 1920 and the production of asphalt in the 1930s .", + "label": 0 + }, + { + "text": "UPDATE 1-Shire steps up drive to get Baxalta talking after $30 bln bid", + "label": 1 + }, + { + "text": "Elsewhere , the tendency is towards more developed packaging than before .", + "label": 0 + }, + { + "text": "Raute said it has won an order worth around 15 mln eur to supply several plywood production lines to mills operated by Russian wood products company Sveza Group .", + "label": 1 + }, + { + "text": "Donations to universities The Annual General Meeting authorized the Board of Directors to donate max .", + "label": 0 + }, + { + "text": "Britain's FTSE steadies below record high, BHP gains", + "label": 1 + }, + { + "text": "Barclays reports 8% fall in annual profits", + "label": -1 + }, + { + "text": "European stocks hover near 3-week low, Dialog and BHP slump", + "label": -1 + }, + { + "text": "After piloting , the instrument will be further developed according to the experiences gained .", + "label": 0 + }, + { + "text": "CompaniesNew Aggreko CEO to reshape business, strip costs", + "label": 0 + }, + { + "text": "Horizonte acquires neighbouring Glencore nickel property in Brazil", + "label": 1 + }, + { + "text": "Operating profit , excluding non-recurring items , totalled EUR 2.2 mn , down from EUR 2.7 mn in the corresponding period in 2008 .", + "label": -1 + }, + { + "text": "StanChart and RBS struggle in Bank of England stress tests", + "label": -1 + }, + { + "text": "Aug. 17 , 2010 ( Curbed delivered by Newstex ) -- And now , the latest from Racked , covering shopping and retail from the sidewalks up .", + "label": 0 + }, + { + "text": "Finnish Aldata Solution has signed a contract of supply its G.O.L.D. system to two French retail chains .", + "label": 1 + }, + { + "text": "`` Lemminkainen Talo Oy 's Lahti office is a significant logistics and business premises constructor .", + "label": 0 + }, + { + "text": "PGE Belchatow runs the 4.44 GW Belchatow coal-fired power plant , and Fortum has intentions to start a CCS demonstration project jointly with Teollisuuden Voima Oyj ( TVO ) - another Finnish utility - at the their jointly owned 565MW Meri-Pori coal-fired facility .", + "label": 0 + }, + { + "text": "RPT-UPDATE 2-Former Jefferies trader Litvak's conviction overturned", + "label": 0 + }, + { + "text": "Creating interfaces that are more similar to interactions in the real world can enable experiences that are more natural and intuitive , in the same way that modern games and movies are more immersive through the use of realistic 3-D graphics .", + "label": 0 + }, + { + "text": "Customers include hotels and restaurants as well as wholesalers and some retailers .", + "label": 0 + }, + { + "text": "As a result of the transaction , Sanoma Budapest has acquired a stake in the online store Egeszsegbolt .", + "label": 0 + }, + { + "text": "The company will disclose further details , including the anticipated transaction timetable and the name of the new investor , within one week .", + "label": 0 + }, + { + "text": "Shell to Lay Off Another 2200 Staff", + "label": -1 + }, + { + "text": "The company operates worldwide and employs in total approximately 47,000 persons .", + "label": 0 + }, + { + "text": "The value of the orders is about EUR 25mn .", + "label": 0 + }, + { + "text": "ADPnews - Jul 17 , 2009 - Finland-based steel maker Rautaruukki Oyj Ruukki HEL : RTRKS said today it slipped to a net loss of EUR 184 million USD 259.7 m for the first half of 2009 from a net profit of EUR 2", + "label": -1 + }, + { + "text": "EPS for the quarter came in at 0.36 eur , up from 0.33 eur a year ago and ahead of forecast of 0.33 eur .", + "label": 1 + }, + { + "text": "Registration is required .", + "label": 0 + }, + { + "text": "down to EUR5 .9 m H1 '09 3 August 2009 - Finnish media group Ilkka-Yhtyma Oyj ( HEL : ILK2S ) said today its net profit fell 45 % on the year to EUR5 .9 m in the first half of 2009 .", + "label": -1 + }, + { + "text": "The announced restructuring will significantly decrease the Company 's indebtedness .", + "label": 1 + }, + { + "text": "UPDATE 3-Buffett's Berkshire raises oil bet with Kinder Morgan stake", + "label": 0 + }, + { + "text": "Shell offers 50 percent premium to buy BG for $70 billion", + "label": 0 + }, + { + "text": "Wayne Greensmith , Fiskars Brands UK senior brand manager , said : `` We have launched this as we want to give something back to the community .", + "label": 0 + }, + { + "text": "Primark plots expansion in US and Europe", + "label": 1 + }, + { + "text": "Operating profit was EUR 1.6 mn in 2005 compared to EUR 5.9 mn in 2004 .", + "label": -1 + }, + { + "text": "It started with software that was capable of retrieving the data typed into the computer keyboard ( `` keyloggers '' ) , and then more complex mechanisms arrived on the scene , such as phishing and pharming .", + "label": 0 + }, + { + "text": "Glaston 's net profit for the third quarter of 2007 dropped to 2.4 mln euro ( $ 3.5 mln ) from 3.5 mln euro ( $ 5.1 mln ) for the corresponding period of 2006 .", + "label": -1 + }, + { + "text": "- Provides summary of the medical equipment pipeline products that the company is developing .", + "label": 0 + }, + { + "text": "AB InBev to Sell SABMiller Stake in China's Snow Beer", + "label": 0 + }, + { + "text": "Capital base and capital adequacy measurement is based on approaches under Basel II .", + "label": 0 + }, + { + "text": "UPDATE 1-Lloyds to cut 945 jobs as part of 3-year restructuring plan", + "label": -1 + }, + { + "text": "Lloyds wins right to buy bonds back early to save 1 billion pounds", + "label": 1 + }, + { + "text": "Aberdeen to raise 100 mln stg to seed new funds", + "label": 1 + }, + { + "text": "UPDATE 1-Britain's Tullow says makes new oil find in Kenya", + "label": 1 + }, + { + "text": "Centrica suffers protest from shareholders over pay", + "label": -1 + }, + { + "text": "UPDATE 1-Oil major BP freezes pay in 2015 to cut costs", + "label": -1 + }, + { + "text": "AstraZeneca sells rights to anaesthetics to South Africa's Aspen", + "label": 1 + }, + { + "text": "`` Marimekko operates in an industry in which changes in the business climate are reflected in consumer demand .", + "label": 0 + }, + { + "text": "efficiency improvement measures 20 January 2010 - Finnish stationery and gift retailer Tiimari HEL : TII1V said today that it will continue to improve its operational efficiency , by focusing on its profitable core operations .", + "label": 1 + }, + { + "text": "Earnings per share ( EPS ) amounted to a loss of to EUR0 .06 .", + "label": -1 + }, + { + "text": "In 2010 , Sanoma Magazines expects net sales to be at the 2009 level .", + "label": 0 + }, + { + "text": "Breakingviews: IAG can pay more for Aer Lingus", + "label": 1 + }, + { + "text": "FTSE 100 moves lower, but HSBC outperforms", + "label": 1 + }, + { + "text": "The divested activities had net sales of EUR 145.1 million in 2009 and an operating profit of EUR 8.9 million .", + "label": 0 + }, + { + "text": "At the end of last week , Protalix BioTherapeutics Inc ( AMEX : PLX ) published a prospectus for a first offering on AMEX of about 5 % of its share capital .", + "label": 0 + }, + { + "text": "The Bank is also examining the benefits of transferring the Swedish business to operate as a branch office so that the operations would be governed by Finland 's laws .", + "label": 0 + }, + { + "text": "Of the company 's net sales , 38 % was acquired in Finland , 21 % in other European countries , 40 % in Asia , and 1 % in the US .", + "label": 0 + }, + { + "text": "Nyrstar has also agreed to supply to Talvivaara up to 150,000 tonnes of sulphuric acid per annum for use in Talvivaara 's leaching process during the period of supply of the zinc in concentrate .", + "label": 1 + }, + { + "text": "Fortum expects its annual capital expenditure in the next four to five years to be within a range of EUR 0.8-1 .2 billion , as earlier announced .", + "label": 0 + }, + { + "text": "Airbus will attempt to evacuate up to 873 people within 90 seconds .", + "label": 0 + }, + { + "text": "AstraZeneca's patent on asthma drug invalidated by US court", + "label": -1 + }, + { + "text": "Operating loss totalled EUR 4.0 mn , compared to a profit of EUR 8.6 mn in the second quarter of 2008 .", + "label": -1 + }, + { + "text": "According to the prosecutor , the share transactions were carried out after HK Ruokatalo had proceeded in the negotiations concerning the acquisition of Swedish Meats .", + "label": 0 + }, + { + "text": "India 's trade with Russia currently stands at four billion dollars , growing 9.6 per cent in fiscal 2007 .", + "label": 1 + }, + { + "text": "Operating profit , excluding non-recurring items , totalled EUR 1.0 mn , down from EUR 1.6 mn .", + "label": -1 + }, + { + "text": "BasWare Invoice Processing , BasWare Contract Matching , BasWare Order Matching and BasWare KPI Reporting Tool are part of the BasWare 's Enterprise Purchase to Pay product suite .", + "label": 0 + }, + { + "text": "Sales improved to SEK 1,553 mn , compared with SEK 1,408 mn .", + "label": 1 + }, + { + "text": "Tesco's boss knows which side his bread is buttered", + "label": 0 + }, + { + "text": "Quartal Oy now owns 2,094,063 shares in Satama Interactive Plc , which represents 5,19 per cent of the share capital and voting rights .", + "label": 0 + }, + { + "text": "4 ) Complete name of the shareholder : Otto Henrik Bernhard Nyberg 5 ) Further information : The amount of shares now transferred corresponds to 5.68 % of the total number of shares in Aspo Plc. .", + "label": 0 + }, + { + "text": "UPDATE: AstraZeneca's Selumetinib Gets Orphan Drug Label, Good AZD9291 ...", + "label": 1 + }, + { + "text": "GSK hopes big clinical trial can breath new life into lung drug", + "label": 0 + }, + { + "text": "The category was marked by maturity and the recession .", + "label": 0 + }, + { + "text": "Operating profit totaled EUR 5.5 mn , up from EUR -0.7 mn .", + "label": 1 + }, + { + "text": "As earlier reported , Nokian Tyres is building a plant in the town of Vsevolozhsk in Russia 's Leningrad Region with an annual production capacity of 4 million tires .", + "label": 0 + }, + { + "text": "`` It allows the young child to move forward with his life . ''", + "label": 1 + }, + { + "text": "Market Report: Eight-day rally ends for FTSE 100 and Standard Chartered", + "label": 0 + }, + { + "text": "Berkshire discloses unit's ties to Iran, opens probe", + "label": -1 + }, + { + "text": "Buffett talks wind energy, Coca-Cola at Berkshire meeting", + "label": 0 + }, + { + "text": "The order was valued at USD12 .2 m.", + "label": 0 + }, + { + "text": "Uponor made an operating profit of EUR 151.0 mn , up from EUR 143.7 mn , which made 2007 a record year .", + "label": 1 + }, + { + "text": "Finnish silicon wafers maker Okmetic Oyj said on September 17 , 2008 that it will invest a total of 15 mln euro $ 21.3 mln in its sensor wafer business .", + "label": 0 + }, + { + "text": "Credit checker Experian reports fall in full-year profit", + "label": -1 + }, + { + "text": "HELSINKI ( AFX ) - Shares closed higher , led by Nokia after it announced plans to team up with Sanyo to manufacture 3G handsets , and by Nokian Tyres after its fourth-quarter earnings report beat analysts ' expectations , dealers said .", + "label": 1 + }, + { + "text": "- The Group -¦ s profit before taxes was EUR 0,2 7,8 million .", + "label": 0 + }, + { + "text": "CompaniesKingfisher bid for Mr Bricolage runs into trouble", + "label": -1 + }, + { + "text": "After the transaction , Tikkurila has no powder coatings related operations .", + "label": 0 + }, + { + "text": "Glaston 's own glass processing unit , Tamglass Glass Processing , is a manufacturer of high quality safety glass products , and operates in Finland .", + "label": 0 + }, + { + "text": "SAN FRANCISCO ( MarketWatch ) -- Nokia Corp , the world 's largest cell-phone maker , is using the Consumer Electronics Show in Las Vegas to introduce a high-end , thin folding phone , according to a media report Monday .", + "label": 0 + }, + { + "text": "Kesko Agro Eesti , the retailer and wholesaler of grain , agricultural and warehousing machinery and accessories , had net sales of 81 million euros in 2007 , an increase by one-tenth over the preceding year .", + "label": 1 + }, + { + "text": "In 2006 , TeliaSonera net sales were SEK 91 bn , EBITDA was SEK 32.266 bn , net income was SEK 19.28 bn .", + "label": 0 + }, + { + "text": "The copying , republication or redistribution of AFX News Content , inculding by framing or similar means , is expressly prohibited without the prior written consent of AFX News .", + "label": 0 + }, + { + "text": "The dividend is payable on February 1 , 2010 to shareholders of record on January 19 , 2010 .", + "label": 0 + }, + { + "text": "The Board of Directors has proposed the Extraordinary General Meeting to authorise the Board to decide on the issuance of a maximum of 30mn new shares in one or more share issues .", + "label": 0 + }, + { + "text": "( I&H ) in a move to enhance growth .", + "label": 1 + }, + { + "text": "The acquisition is expected to take place by the end of August 2007 .", + "label": 0 + }, + { + "text": "Mongolia and Rio Tinto agree $5bn Oyu Tolgoi mine expansion", + "label": 1 + }, + { + "text": "Biohit already services many current Genesis customers and the customer base is expected to expand as a result of this agreement .", + "label": 1 + }, + { + "text": "BHP Billiton half-year profit falls, beats forecasts", + "label": 0 + }, + { + "text": "Tesco Versus Sainsbury: Weight-Watcher vs. Bodybuilder", + "label": 1 + }, + { + "text": "rosendal at outotec.com Eila Paatela , Vice President - Corporate Communications tel. +358 20 529 2004 , +358 400 817198 e-mail eila .", + "label": 0 + }, + { + "text": "Sanoma Learning & Literature , offering print and digital learning materials , is present in eleven countries .", + "label": 0 + }, + { + "text": "Atria will also buy the shares of Kauhajoen Teurastamokiinteistot Oy (Kauhajoki slaughterhouse property)from Itikka Co-operative .", + "label": 0 + }, + { + "text": "According to a report by Neomarkka , Kuitu Finland 's customers are interested in buying the company 's products when it restarts production .", + "label": 1 + }, + { + "text": "The number of magazine and newspaper readers remained unchanged .", + "label": 0 + }, + { + "text": "It operates under three distinct brands : United Supermarkets , Market Street and United Supermercado .", + "label": 0 + }, + { + "text": "The rebuilds are designed to improve the machines ' performance and product quality .", + "label": 1 + }, + { + "text": "Aberdeen to raise 100 mln stg to seed new funds", + "label": 1 + }, + { + "text": "Pearson Forecasts Rising Earnings as Reorganization Pays Off", + "label": 1 + }, + { + "text": "LEED is an internationally recognized green building certification system , developed by the U.S. Green Building Council .", + "label": 0 + }, + { + "text": "Intercontinental Hotels, Starwood held early deal talks - FT", + "label": 0 + }, + { + "text": "According to business media reports , Usmanov planned to transfer his MegaFon stake to the state-controlled Svyazinvest , in exchange for a stake in the merged RosTelecom .", + "label": 0 + }, + { + "text": "Glencore tells investors it is on track to reduce debt: Barclays", + "label": 1 + }, + { + "text": "The company turned to earnings per share ( EPS ) of EUR 0.03 versus loss per share of EUR 0.01 .", + "label": 1 + }, + { + "text": "World's banks may halve jobs and branches within 10 years - Barclays ex-boss", + "label": -1 + }, + { + "text": "Lloyds returns £13bn to UK taxpayer", + "label": 0 + }, + { + "text": "AB InBev offers to sell some SABMiller brands", + "label": 1 + }, + { + "text": "Companies Thetrainline.com announces arrival of London IPO", + "label": 1 + }, + { + "text": "The company said that the results of the third quarter do not include non-recurring items .", + "label": 0 + }, + { + "text": "Tesco sells half of stake in ecommerce site Lazada to Alibaba for £90m", + "label": 1 + }, + { + "text": "Should you buy Associated British Foods plc, Great Portland Estates plc and Dunelm Group plc following today's news?", + "label": 0 + }, + { + "text": "The right margin will be viewed separately in detail with every customer .", + "label": 0 + }, + { + "text": "Goldman Sachs, Barclays, HSBC downplay Brexit threat", + "label": 0 + }, + { + "text": "UPDATE 1-Dairy Crest loses a third of Morrisons milk contract", + "label": -1 + }, + { + "text": "The employer , together with health personnel , supports quitting and pays part of the cost of nicotine treatments .", + "label": 0 + }, + { + "text": "PRESS: US High-Frequency Lawsuit Against Barclays Dismissed - Reuters", + "label": 1 + }, + { + "text": "Ahlstrom 's share is quoted on the NASDAQ OMX Helsinki .", + "label": 0 + }, + { + "text": "3 January 2011 - Scandinavian lenders Sampo Bank ( HEL : SAMAS ) , Pohjola Bank ( HEL : POH1S ) and Svenska Handelsbanken ( STO : SHB A ) have provided a EUR160m ( USD213m ) line of credit to Lemminkainen Oyj ( HEL : LEM1S ) , the Finnish construction firm said on Friday .", + "label": 0 + }, + { + "text": "Intertek Hit By Pound Strength, Oil & Gas Slowdown; Still Ups Dividend", + "label": -1 + }, + { + "text": "Sanoma News ' advertising sales decreased by 22 % during the year .", + "label": -1 + }, + { + "text": "Stars aligned' for AB InBev's megabrew merger plan", + "label": 1 + }, + { + "text": "StanLife leads FTSE after strong earnings", + "label": 1 + }, + { + "text": "Capacity of the facility made by Finland 's Vaahto Group is 86,000 tons of light coated paper .", + "label": 0 + }, + { + "text": "Sharm el-Sheikh travel disruption: British Airways, EasyJet, Thomson and ...", + "label": -1 + }, + { + "text": "Section : Regional News - The demand in Finnair 's Asian traffic , measured in passenger kilometers , was up 34.9 % in August compare to last year .", + "label": 1 + }, + { + "text": "CompaniesMetro Bank raises £400m ahead of London listing", + "label": 1 + }, + { + "text": "Aggreko says first half profits will be lower as the oil price rout claims its latest victim", + "label": -1 + }, + { + "text": "`` However , the rapidly increasing costs and the strengthening of the euro were challenging for the whole industry , and they impacted on our results . ''", + "label": -1 + }, + { + "text": "Tesco made a bit of a crucial error in this promotion for Ramadan...", + "label": -1 + }, + { + "text": "The company had net sales of EUR 10.8 million in 2008 , and today has approximately 120 employees in Finland , Estonia and Poland .", + "label": 0 + }, + { + "text": "Standard Life hit by 'unprecedented' number of calls on pension freedoms", + "label": -1 + }, + { + "text": "Finnish department store chain Stockmann Oyj Abp net profit rose to 39.8 mln euro ( $ 56.8 mln ) for the first nine months of 2007 from 37.4 mln euro ( $ 53.4 mln ) for the same period of 2006 .", + "label": 1 + }, + { + "text": "HUHTAMAKI OYJ STOCK EXCHANGE RELEASE 16.12.2008 AT 09:30 Huhtamaki Oyj has resolved to clarify the Group structure by separating the Foodservice and Consumer Goods businesses in its production unit in Hameenlinna , Finland by transferring the businesses into its wholly owned subsidiaries .", + "label": 0 + }, + { + "text": "MarketsUBS, Goldman Sachs cut metals forecasts", + "label": -1 + }, + { + "text": "Motorola , the world 's second-largest maker of cell phones , unveiled the new phone Tuesday in a bid to resurrect its ailing handset business .", + "label": 0 + }, + { + "text": "HSBC appoints business leaders to board", + "label": 0 + }, + { + "text": "To raise consumer awareness and encourage people to recycle their old mobile devices Nokia runs regular recycling campaigns around the world .", + "label": 0 + }, + { + "text": "Foodservice and consumer goods markets are served by approximately 13,000 people in 54 manufacturing units and several sales offices in 33 countries .", + "label": 0 + }, + { + "text": "Hargreaves Lansdown bucks weak markets to see assets rise 2.6 percent", + "label": 1 + }, + { + "text": "BP Judge Urged to Impose $11.7 Billion-Plus Spill Fine", + "label": -1 + }, + { + "text": "Ponsse projects the forest machine markets to improve more than expected in 2010 from the previous year .", + "label": 1 + }, + { + "text": "UPDATE 1-Cypress Semiconductor offers to buy Integrated Silicon Solution", + "label": 1 + }, + { + "text": "Before Kemira 's installation NordAlu was producing 3,500 tons of liquid and solid aluminum waste per year .", + "label": 0 + }, + { + "text": "Rolls-Royce to Ensure Compliance After Petrobras Bribery Report", + "label": -1 + }, + { + "text": "Altia 's operating profit jumped to EUR 47 million from EUR 6.6 million .", + "label": 1 + }, + { + "text": "AstraZeneca shares climb 3% as drug maker ups profits forecasts", + "label": 1 + }, + { + "text": "1 p.m. Central office of Nordea Bank 19 3-ya ulitsa Yamskogo Polya , Building 1 Telephone : 495 777-34-77 ext. 3932 , 3931 03.02.2011 Unimilk - EGM 03-04 .02.2011 XVI international business-summit Food Business Russia 2011 will take place .", + "label": 0 + }, + { + "text": "The remainder of its revenues will come from technology agreements with other firms , InterDigital said .", + "label": 0 + }, + { + "text": "Royal Dutch Shell pulls plug on Arctic exploration", + "label": -1 + }, + { + "text": "Image data produced by the browser at the phone server is converted into a bitmapped image that is sent to the handset for display . ''", + "label": 0 + }, + { + "text": "The remaining amount will be funded through debt , the Danish bank said .", + "label": 0 + }, + { + "text": "Persimmon reports strong trading despite EU vote and planning delays", + "label": 1 + }, + { + "text": "The arrangements do not apply to the group 's units outside Finland .", + "label": 0 + }, + { + "text": "Finnish Larox has signed a contract with the Talvivaara Project for the delivery of filters to the Talvivaara nickel mine in Sotkamo , in Finland .", + "label": 1 + }, + { + "text": "AB InBev to sell more SAB assets as seeks EU deal approval", + "label": 0 + }, + { + "text": "Morrisons share price: Founder's son to assist CEO with turnaround", + "label": 0 + }, + { + "text": "Commission income increased by 22 % to EUR 4.4 mn , and lending volume rose by 13.5 % .", + "label": 1 + }, + { + "text": "Cargo volume grew by 7 % .", + "label": 1 + }, + { + "text": "CompaniesNational Grid lines up sale of gas business", + "label": 0 + }, + { + "text": "Operating profit rose to EUR 4.7 mn from EUR 3.6 mn .", + "label": 1 + }, + { + "text": "Tullow Oil eyes lower earnings as output falls", + "label": -1 + }, + { + "text": "Should You Buy Jumbo Yielders British American Tobacco plc, Centrica PLC & John Wood Group PLC?", + "label": 0 + }, + { + "text": "The Whitehall Street Real Estate Funds invest in real estate and real estate related assets , principally through the acquisition of real estate companies , real property and mortgage loans .", + "label": 0 + }, + { + "text": "Sunday Papers: Shire told to raise its offer by Baxalta investors", + "label": 1 + }, + { + "text": "Barclays Executive Harrison Denies Knowledge of Libor Fixing", + "label": -1 + }, + { + "text": "Australian mining slowdown hits Aggreko", + "label": -1 + }, + { + "text": "Hammerson, JV Partner secure ownership of Ireland's Dundrum - Quick Facts", + "label": 1 + }, + { + "text": "Companies raise less money on London Stock Exchange in 2015", + "label": 0 + }, + { + "text": "Metso Foundries Jyvaskyla Oy will discontinue production on this line by 30 September 2008 , the company said .", + "label": 0 + }, + { + "text": "The mill will have capacity to produce 500,000 tonnes of pulp per year .", + "label": 0 + }, + { + "text": "The soapstone deposits in the Medvezhyegorsk area are expected to increase Tulikivi 's current reserves considerably .", + "label": 1 + }, + { + "text": "Bloomberg buys Barclays' benchmarking business", + "label": 1 + }, + { + "text": "Antofagasta Sees Lower Cash Costs In 2015 - Quick Facts", + "label": 1 + }, + { + "text": "In the first nine months of 2010 , the company 's net loss narrowed to EUR415 ,000 from EUR7 .4 m for the corresponding period of 2009 .", + "label": 1 + }, + { + "text": "Hammerson, JV Partner secure ownership of Ireland's Dundrum - Quick Facts", + "label": 1 + }, + { + "text": "According to the notification , the holdings of Ameriprice Inc. and its group companies are now in total 808,973 shares , which represent 3.582 % of Tekla -¦ s shares and voting rights .", + "label": 0 + }, + { + "text": "`` Demand for sports equipment was good in 2005 .", + "label": 1 + }, + { + "text": "The dividend will come on top of the 0.45 eur on A shares and 0.43 on K shares it has already paid on last year 's accounts .", + "label": 0 + }, + { + "text": "Sharm el Sheikh: EasyJet axes all flights to Egypt's leading holiday resort", + "label": -1 + }, + { + "text": "Last year , 8.3 million passengers flew the airline , down 4 percent from 2007 .", + "label": -1 + }, + { + "text": "All Amer Sports companies develop and manufacture technically advanced products that improve the performance of active sports participants .", + "label": 0 + }, + { + "text": "Outotec 's scope of delivery covers the engineering , supply of special equipment and services for a calcination plant with two circulating fluid bed calciners .", + "label": 0 + }, + { + "text": "Finnish IT consultancy Satama Interactive Oyj said on November 13 , 2006 that Jarmo Lonnfors took up the position of CEO .", + "label": 0 + }, + { + "text": "Operating profit totalled EUR 5.8 mn , up from a loss of EUR 1.7 mn in the fourth quarter of 2009 .", + "label": 1 + }, + { + "text": "GE is building the facility with wind power developer Invenergy Wind LLC .", + "label": 0 + }, + { + "text": "UPDATE 1-Britain's Tullow says makes new oil find in Kenya", + "label": 1 + }, + { + "text": "No financial or pricing details were disclosed .", + "label": 0 + }, + { + "text": "The works will include the laying of natural stone pavements and the installation of underground heating , and surface water drainage systems .", + "label": 0 + }, + { + "text": "Pharmaceuticals - Spain This brand-new market analysis gives a clear overview of the actual situation and future outlook of the pharmaceutical market in Spain .", + "label": 0 + }, + { + "text": "No pricing details were disclosed .", + "label": 0 + }, + { + "text": "BP shares tumble after $2.2bn fourth-quarter loss", + "label": -1 + }, + { + "text": "Irish Said Chasing Standard Chartered, RBS as Brexit Vote Nears", + "label": 0 + }, + { + "text": "Founded in 1985 , Quatrocon 's clientele consists of public sector builders , central trading companies and major construction firms .", + "label": 0 + }, + { + "text": "Shell shells out over Nigeria oil spill", + "label": -1 + }, + { + "text": "Tesco says recovery plan working after profit collapse", + "label": 1 + }, + { + "text": "In January-June 2010 , diluted loss per share stood at EUR0 .3 versus EUR0 .1 in the first half of 2009 .", + "label": -1 + }, + { + "text": "BG Group ships first LNG From Queensland Curtis", + "label": 1 + }, + { + "text": "The company said that 80 % of the shares of the holding company will be sold to Meadville Holdings Limited , a Hong Kong listed parent company of the Meadville Group .", + "label": 0 + }, + { + "text": "AstraZeneca's Good Deal Turns Bad", + "label": -1 + }, + { + "text": "Johnson Matthey profit lifted by metals unit sale", + "label": 1 + }, + { + "text": "Most of the raw materials come from Europe and the US and are paid in euros or US dollars , while sales take place in rubles .", + "label": 0 + }, + { + "text": "Finnish fibers and plastic products maker Suominen Corporation said its net loss from continuing operations narrowed to 1.8 mln euro ( $ 2.3 mln ) in 2006 from 3.7 mln euro ( $ 4.8 mln ) in 2005 .", + "label": 1 + }, + { + "text": "Auto Trader share price surges as company floats on LSE", + "label": 1 + }, + { + "text": "Reed Elsevier to rename itself RELX Group", + "label": 0 + }, + { + "text": "Basware Corporation stock exchange release August 31 , 2010 at 16:25 Basware signed a large deal with an international industrial group Basware will deliver Invoice Automation solution and Connectivity Services to an international industrial group .", + "label": 1 + }, + { + "text": "According to preliminary data from Slovakia 's Statistics Office , goods worth E36 .4 million were imported from Finland between January and October 2010 , making up 0.1 percent of Slovakia 's total imports .", + "label": 0 + }, + { + "text": "Finnish publisher Alma Media ( HEL : ALN1V ) said Wednesday it has decided to further extend its EUR1 .85 ( USD2 .75 ) apiece mandatory tender offer for media group Talentum ( HEL : TTM1V ) , which started on 19 August , until 16 November .", + "label": 0 + }, + { + "text": "Finnish textiles and clothing group Marimekko Oyj posted a net profit of 7.99 mln euro $ 10.4 mln for 2006 , compared to 8.4 mln euro $ 10.9 mln for 2005 .", + "label": -1 + }, + { + "text": "Philippines' San Miguel says to partner with Kirin if it bids for SABMiller's ...", + "label": 1 + }, + { + "text": "Finnish management software solutions provider Ixonos Oyj net profit decreased to 369,000 euro ( $ 575,000 ) for the first quarter of 2008 from 669,000 euro ( $ 1.0 mln ) for the same period of 2007 .", + "label": -1 + }, + { + "text": "The insurance division turned a EUR120m profit .", + "label": 0 + }, + { + "text": "Net sales have been eaten by the weak US dollar .", + "label": -1 + }, + { + "text": "Operating profit before non-recurring items was EUR 8.3 mn in the first nine months of 2008 , compared to EUR 8.4 in the corresponding period in 2007 .", + "label": -1 + }, + { + "text": "CapMan 's first real estate fund , which had a total investment capacity of ( EURO ) 500 million and closed in June 2005 , invested in commercial properties in the Helsinki metropolitan area .", + "label": 0 + }, + { + "text": "Demand seems to have hit bottom now , and some signs of improvement can be seen .", + "label": 1 + }, + { + "text": "Ahlstrom Corporation STOCK EXCHANGE ANNOUNCEMENT 7.2.2007 at 10.30 A total of 56,955 new shares of Ahlstrom Corporation have been subscribed with option rights under the company 's stock option programs I 2001 and II 2001 .", + "label": 0 + }, + { + "text": "The newly-completed Allure of the Seas and its identical sister ship , Oasis of the Seas , which was completed last year are the world 's largest cruise ships .", + "label": 0 + }, + { + "text": "Both operating profit and turnover for the six-month period increased , respectively from EUR0 .1 m and EUR29 .0 m , as compared to the corresponding period a year ago .", + "label": 1 + }, + { + "text": "`` The implementation of these programs has had , and will have , negative impacts on 2006 and 2007 earnings , '' Mr Meiklejohn said .", + "label": -1 + }, + { + "text": "Irish Said Chasing Standard Chartered, RBS as Brexit Vote Nears", + "label": 0 + }, + { + "text": "Tesco set to sell Kipa, Giraffe businesses - Sky News", + "label": 0 + }, + { + "text": "U.K. Shares Extend Rebound for Second Day as EasyJet Surges", + "label": 1 + }, + { + "text": "Tata Steel working with StanChart for UK unit sale - source", + "label": 0 + }, + { + "text": "The refining margin for the year was $ 13.39 - bbl , compared to $ 10.46 - bbl in the prior year .", + "label": 1 + }, + { + "text": "The Group 's business sectors are Building Construction , Infrastructure Construction , Technical Building Services , and Building Products .", + "label": 0 + }, + { + "text": "Currently the quarterly applied surcharges differ significantly from the actual market prices .", + "label": 0 + }, + { + "text": "Priceline's stock jumps to new high for the year after Barclays upgrade", + "label": 1 + }, + { + "text": "Operating profit for the nine-month period increased from EUR13 .6 m , while net sales increased from EUR394 .7 m , as compared to the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "Operating profit for the quarter April-June 2006 amounted to EUR42 .9 m on net sales of EUR156 .3 m.", + "label": 0 + }, + { + "text": "Shell's $70 Billion BG Deal Meets Shareholder Skepticism", + "label": -1 + }, + { + "text": "Morrisons finance chief to fill gap as CEO leaves early", + "label": 0 + }, + { + "text": "AstraZeneca digs into precision medicine with lung, heart deals", + "label": 1 + }, + { + "text": "The combined capital of these funds is expected to be EUR 100mn-150mn .", + "label": 0 + }, + { + "text": "WPP boosts sales despite cautious clients", + "label": 1 + }, + { + "text": "The tanks will be delivered to a company which is currently building a chemical tank farm in Antwerp , northern Belgium .", + "label": 0 + }, + { + "text": "BHP Billiton says no settlement yet on Brazil dam disaster", + "label": -1 + }, + { + "text": "Kraft, Cadbury's and Britvic in Total Recall: how pulling a product affects profit", + "label": 0 + }, + { + "text": "The Finnish company sold its UK operation - consisting of 50 staff in offices in London , Birmingham and Manchester - as part of a deal with Hampden in July 2001 for its European-wide property and casualty arm Sampo Industrial .", + "label": 0 + }, + { + "text": "The company , employing 6,400 , reported net sales of 620 mln euro $ 823.2 mln for 2006 .", + "label": 0 + }, + { + "text": "Elisa has commissioned Finland 's Poyry Telecom Oy to conduct a study of reception in some of Estonia 's largest cities besides Tallinn .", + "label": 0 + }, + { + "text": "Barclays 'bad bank' chief to step down", + "label": -1 + }, + { + "text": "Anheuser-Busch InBev Increases Offer for Rival SABMiller", + "label": 0 + }, + { + "text": "The bridge will be built to the south of the existing bridge spanning the strait .", + "label": 0 + }, + { + "text": "Halonen 's office acknowledged receiving the letter but declined comment .", + "label": 0 + }, + { + "text": "The company 's board of directors would propose a dividend of EUR0 .15 per share for 2005 .", + "label": 0 + }, + { + "text": "When new types of network elements are added to the network , the conversion file is updated by adding the information required for converting the message format of the new network element type to the format understood by the management system .", + "label": 0 + }, + { + "text": "Due to rapid expansion , the market share of Tallink in terms of passenger carriage through Tallinna Sadam Port of Tallinn totaled 55 percent in November against 45.7 percent in November 2005 .", + "label": 1 + }, + { + "text": "UPDATE 3-BP settles oil spill-related claims with Halliburton, Transocean", + "label": 0 + }, + { + "text": "Raisio is the site of the main production plants as well as company headquarters .", + "label": 0 + }, + { + "text": "Protalix is developing genetically engineered proteins from plant cells .", + "label": 0 + }, + { + "text": "L&G fund arm, Nikko Asset Management sign bond fund distribution deal", + "label": 1 + }, + { + "text": "European shares plunge, roiled by BHP and oil; hopes turn to ECB", + "label": -1 + }, + { + "text": "One price category is for calls on the preferred operator 's network , and another for calls on other operators ' networks .", + "label": 0 + }, + { + "text": "Cost savings help Robinsons maker Britvic to first-half profit", + "label": 1 + }, + { + "text": "Insight hires Aviva's David Hillier for multi-asset team", + "label": 0 + }, + { + "text": "Finnish food industry company L+ñnnen Tehtaat is planning changes to its fish product business .", + "label": 0 + }, + { + "text": "Operating profit excluding non-recurring items was EUR 7.8 million compared to EUR 11.2 million .", + "label": -1 + }, + { + "text": "Among other industrial stocks , Metso added 0.53 pct to 40.04 eur , Wartsila B was down 0.77 pct at 47.87 eur and Rautaruukki K was 1.08 pct lower at 37.56 eur .", + "label": 0 + }, + { + "text": "Reluctant shareholder George Osborne loses patience with RBS", + "label": -1 + }, + { + "text": "`` We are very pleased to be working with Fujitsu and NTT DoCoMo to advance the progress of LTE , '' said Juergen Walter , Head of Converged Core , Nokia Siemens Networks .", + "label": 1 + }, + { + "text": "In September alone , the market declined by 10.2 percent year-on-year to 19.28 million liters .", + "label": -1 + }, + { + "text": "26 November 2010 - Finnish sports-equipment maker Amer Sports Oyj ( HEL : AMEAS ) said today it has obtained a EUR30m Schuldschein note loan from a pool of international investors .", + "label": 0 + }, + { + "text": "The new Kroksberg railway tunnel will be built on a new section of track between Harnosand and Veda , forming part of the line that follows the coast of the Gulf of Bothnia .", + "label": 0 + }, + { + "text": "CompaniesKingfisher bid for Mr Bricolage runs into trouble", + "label": -1 + }, + { + "text": "Bunzl delivers small profit increase for 2014", + "label": 1 + }, + { + "text": "According to an posted by the World Intellectual Property Organization : `` The present invention relates to hydrocarbons and particularly to the manufacture of hydrocarbon components suitable as aviation fuels or jet fuels and as blending stocks for aviation fuels .", + "label": 0 + }, + { + "text": "Ragutis , which is controlled by the Finnish brewery , reported a 5.4-per-cent rise in beer sales to 10.44 million litres and held an 11.09-per-cent market share .", + "label": 1 + }, + { + "text": "Clinigen chosen by AstraZeneca to manage access programme for next ...", + "label": 1 + }, + { + "text": "AstraZeneca bags another cancer drug deal, this time with Inovio", + "label": 1 + }, + { + "text": "Prudential shares halted in Hong Kong pending announcement", + "label": -1 + }, + { + "text": "The Swedish subsidiary holds 1.0 % net smelter return `` NSR '' royalties over two advanced copper projects in northern Sweden - the Viscaria and Adak Projects - being developed by Avalon Minerals Ltd. ASX : AVI .", + "label": 0 + }, + { + "text": "The shares represented 4.998 % of total share capital and 2.14 % of total voting rights .", + "label": 0 + }, + { + "text": "What we think ?", + "label": 0 + }, + { + "text": "Finnish Bank of +àland reports operating profit of EUR 2.2 mn in the first quarter of 2010 , down from EUR 6.3 mn in the corresponding period in 2009 .", + "label": -1 + }, + { + "text": "Legal & General arm buys 50 pct stake in MediaCityUK in Manchester", + "label": 1 + }, + { + "text": "Weir leads FTSE lower after oil price profits warning", + "label": -1 + }, + { + "text": "The donations are granted to Aalto University and the universities of Helsinki , Tampere , Turku , Eastern Finland , Jyv+ñskyl+ñ , Oulu and Vaasa , and to polytechnics to be announced later .", + "label": 0 + }, + { + "text": "Are ARM Holdings plc, Domino's Pizza Group plc and ASOS plc 3 must-have growth stocks?", + "label": 0 + }, + { + "text": "As an alternative to the share exchange , Panostaja offers a full cash consideration at the value of 1.27 euro $ 1.7 per share .", + "label": 0 + }, + { + "text": "BP's fine for 2010 oil spill capped at $13.7 billion", + "label": -1 + }, + { + "text": "Meggitt share price tumbles as profit falls in 'challenging year'", + "label": -1 + }, + { + "text": "Altogether 150 subjects with mildly elevated cholesterol levels participated in the four-month long intervention .", + "label": 0 + }, + { + "text": "In volume , the focus is already outside Finland , as 60 % of the group 's products are made in Poland and the Baltic countries .", + "label": 0 + }, + { + "text": "The executive said that countries such as Brazil , Chile , Argentina and Mexico will lead the adoption in the business Ethernet services segment , while Brazil and Mexico will be the early adopters of carrier Ethernet for mobile backhaul .", + "label": 0 + }, + { + "text": "Sampo Bank 's market share of lending was 13.6 % , down from 14.4 % in the first quarter of 2008 .", + "label": -1 + }, + { + "text": "Nokia s U.S. shares were 3.3 percent lower at $ 12.73 by 1750 GMT .", + "label": -1 + }, + { + "text": "EPS for the quarter was EUR0 .00 , as compared with EUR0 .01 in the third quarter of 2008 , representing a Group net sales for the third quarter were EUR15 .3 m , up by 2.8 % as compared with EUR14 .9 m in the third quarter of 2008 .", + "label": 1 + }, + { + "text": "The studies are expected to start in 2008 .", + "label": 0 + }, + { + "text": "The company can be split into two parts over the coming months , with Essent owning and operating production and supply , and Enexis owning and operating the grid .", + "label": 0 + }, + { + "text": "The sale will be finalized in September or October , the company said .", + "label": 0 + }, + { + "text": "The market making in accordance with the agreement will begin on September 24 , 2009 .", + "label": 0 + }, + { + "text": "RBS bosses ordered to go out and meet small firms", + "label": 0 + }, + { + "text": "Kesko offers Hilton to open a hotel on Kalinisky prospect in a 18,000-square metres building because of these difficulties .", + "label": 0 + }, + { + "text": "Earnings surge as fund manager Schroders reports a record year", + "label": 1 + }, + { + "text": "The contract value amounts to about EUR11m , the company added .", + "label": 0 + }, + { + "text": "Centrica urges policy overhaul as it warns of 'looming gap' in UK energy supplies", + "label": 0 + }, + { + "text": "With the new arrangement , customer responsibilities will become mainly regional .", + "label": 0 + }, + { + "text": "Most recently , he founded Virent Energy Systems , Inc. , an 80 person catalytic biofuels company , where , as president and CEO , he led the company through multiple financings , defined the company 's market strategy , and secured the company 's first customers .", + "label": 0 + }, + { + "text": "Operating profit fell to EUR 23.26 mn from EUR 32.86 mn .", + "label": -1 + }, + { + "text": "UPDATE 6-Royal Dutch Shell pulls plug on Arctic exploration", + "label": -1 + }, + { + "text": "Of Bavelloni 's and NST 's joint ventures , Bavelloni Tools , completes semiproducts that are produced in Italy into high-quality tools that will be sold under the DiaPol brand .", + "label": 0 + }, + { + "text": "`` This vessel order will help Aspo secure the long-term competitiveness of its fleet , both in terms of technology and pricing .", + "label": 1 + }, + { + "text": "The owners who have participated in the business operations of the company will continue in Poyry 's employment after the transaction .", + "label": 0 + }, + { + "text": "National sponsors for The Big Read include National Endowment for the Arts in cooperation with the Institute of Museum and Library Services and Arts Midwest .", + "label": 0 + }, + { + "text": "In April 2010 , Olvi 's range of ciders will expand with a strawberry-rhubarb and an apple-pear cider in green bottles with a new shape .", + "label": 0 + }, + { + "text": "Sharm el-Sheikh travel disruption: British Airways, EasyJet, Thomson and ...", + "label": -1 + }, + { + "text": "Our customers come from the following countries : UK , USA , Spain , France , Italy , Germany , China , Hong Kong , Sweden , Norway , Netherlands , Austria , Belgium , Switzerland , Czech Republic , Finland , Canada , Russia , Ukraine , Denmark , Ireland , South Korea and Liechtenstein .", + "label": 0 + }, + { + "text": "The equipment is designated to Bollore Africa Logistics terminal Societe d'Exploitation du Terminal de Vridi SETV in Abidjan , Ivory Coast and the delivery is scheduled to start in March 2010 .", + "label": 0 + }, + { + "text": "Drugmaker Shire to buy Baxalta for $32 billion after 6-month pursuit", + "label": 1 + }, + { + "text": "London open: Taylor Wimpey and Ashtead drive markets higher, Barclays falls", + "label": -1 + }, + { + "text": "Sales came in at 241 mln eur , compared with 211.4 mln , and also beating consensus forecasts of 235 mln eur .", + "label": 1 + }, + { + "text": "Commission income rose by 25.7 % to EUR 16.1 mn from EUR 12.8 mn in 2004 .", + "label": 1 + }, + { + "text": "SCOPI Chief Business Excellence Officer , Eng .", + "label": 0 + }, + { + "text": "ABN : 59 087 901 620 now represent 5.10 % of the voting rights and share capital of Citycon Oyj .", + "label": 0 + }, + { + "text": "The building will house product development and test laboratories .", + "label": 0 + }, + { + "text": "Earnings per share ( EPS ) in the first half of 2007 amounted to EUR0 .29 , down from EUR0 .40 year ago .", + "label": -1 + }, + { + "text": "CompaniesKingfisher bid for Mr Bricolage runs into trouble", + "label": -1 + }, + { + "text": "Apart from Nordea , also Ergo is competing for the position among the top three pension funds providers in Estonia .", + "label": 0 + }, + { + "text": "A CUT ABOVE Bring the outdoors in with these birch-branch coasters .", + "label": 0 + }, + { + "text": "Cramo 's manager Jarmo Laasanen said hiring of equipment and machinery in Lithuania differs from the other Baltic countries in that in Lithuania still many public structures such as roads , bridges , airports and shops are being built .", + "label": 0 + }, + { + "text": "The Financial Statements and Interim Reports will be released around at 9.00 a.m. ( Finnish time ) on the given dates .", + "label": 0 + }, + { + "text": "In December alone , the members of the Lithuanian Brewers ' Association sold a total of 20.3 million liters of beer , an increase of 1.9 percent from the sales of 19.92 million liters in December 2004 .", + "label": 1 + }, + { + "text": "Following the acquisition , Relacom will strengthen its presence in Finland , serving operators and office market with mobile and fixed networks construction , installation and maintenance services .", + "label": 1 + }, + { + "text": "In a separate announcement to the Helsinki stock exchange , Atria revealed that the company 's third quarter profits declined from EUR13 .9 m in the third quarter of last year to EUR12 .7 m in this year 's Q3 .", + "label": -1 + }, + { + "text": "National Grid's pretax profit rises 15 percent", + "label": 1 + }, + { + "text": "Veidekke , headquartered in Oslo , Norway , is a Scandinavian construction and property development group with some 6,350 employees in Norway , Sweden and Denmark , with an annual turnover of NOK16 .4 bn .", + "label": 0 + }, + { + "text": "CompaniesDiageo stays neutral on India boardroom turmoil", + "label": 0 + }, + { + "text": "Catalysts segment includes refinery catalysts and polyolefin catalysts product categories .", + "label": 0 + }, + { + "text": "Tesco chief excutive Dave Lewis sees 'encouraging signs' despite profits tumble", + "label": 1 + }, + { + "text": "Operating profit , excluding non-recurring items , totaled EUR 0.2 mn , down from EUR 0.8 mn in the corresponding period in 2006 .", + "label": -1 + }, + { + "text": "`` The purchase of the operations is part of YIT 's strategy to expand its offering of building system services geographically . ''", + "label": 1 + }, + { + "text": "The value of the contract is about EUR1 .0 m. Poyry , headquartered in Vantaa , Finland provides consulting and engineering services to the energy , forestry and infrastructure & environment sectors .", + "label": 0 + }, + { + "text": "Buffett talks wind energy, Coca-Cola at Berkshire meeting", + "label": 0 + }, + { + "text": "AstraZeneca chases Acerta to secure next cancer drug winner", + "label": 1 + }, + { + "text": "Nordstjernan will make the offer in approximately one month , in September 2007 .", + "label": 0 + }, + { + "text": "Country : ; Germany Sector : Construction-Real Estate ; Machinery-Engineering Target : Caverion GmbH Buyer : YIT Oyj Deal size in USD : 90.3 m Type : Corporate acquisition Status : Agreed", + "label": 0 + }, + { + "text": "Trading in the new shares , which have right to dividends and other distributions of funds , will start on the exchange in Helsinki tomorrow .", + "label": 0 + }, + { + "text": "Alma Media Corporation PRESS RELEASE March 25 , 2010 TYRV+ä+äN SANOMAT PURCHASE CONFIRMED The business operations of Tyrv+ñ+ñn Sanomat Oy will be transferred to Suomen Paikallissanomat Oy .", + "label": 0 + }, + { + "text": "The wireless industry is bracing itself for the iPhone , which will launch on June 29 .", + "label": 0 + }, + { + "text": "In 2007 , Huhtamaki will continue to invest in organic growth .", + "label": 0 + }, + { + "text": "Panostaja , headquartered in Tampere , Finland , is an investment company focusing on small and medium-sized Finnish companies operating in the traditional industries .", + "label": 0 + }, + { + "text": "Olvi , which controls a 94 percent stake in Ragutis through A. Le Coq , said in its annual report published earlier this year that the Lithuanian brewery 's sales reached 15.04 million euros last year , a rise of 20.4 percent from 12.49 million euros in 2004 .", + "label": 1 + }, + { + "text": "Financial details were not disclosed .", + "label": 0 + }, + { + "text": "Componenta is a metal sector company with international operations and production plants located in Finland , the Netherlands , Sweden and Turkey .", + "label": 0 + }, + { + "text": "Britain's FTSE led lower by ITV, William Hill", + "label": -1 + }, + { + "text": "Operating profit rose to EUR 1.6 mn from EUR 1.1 mn in the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "CapMan Plc Press Release 31 March 2008 Jukka Ruuska , President of the OMX Nordic Exchanges and the Stockholm Stock Exchange , will transfer to CapMan effective no later than September 2008 .", + "label": 0 + }, + { + "text": "Raute is listed on the Nordic exchange in Helsinki .", + "label": 0 + }, + { + "text": "Kershaw takes up the position with immediate effect from her previous role as marketing manager of Sankey Home & Garden Products .", + "label": 0 + }, + { + "text": "The contract will take effect in 2009 for a five or ten year period .", + "label": 0 + }, + { + "text": "For 2009 , Incap expects revenue of some EUR 70 million .", + "label": 0 + }, + { + "text": "Fears Primark growth is starting to falter", + "label": -1 + }, + { + "text": "Finnair said that the cancellation of flights would cause daily losses of x20ac 2.5 million US$ 3 million .", + "label": -1 + }, + { + "text": "Britain's FTSE eyes 7th straight daily rise; Wolseley lags", + "label": -1 + }, + { + "text": "Dyson Wants to Create a Hair Dryer Revolution", + "label": 1 + }, + { + "text": "The purchase price will be paid in cash upon the closure of the transaction , scheduled for April 1 , 2009 .", + "label": 0 + }, + { + "text": "Finnish laboratory liquid handling and diagnostic test systems developer Biohit Oyj OMX Helsinki : BIOBV issued on Tuesday 3 June a profit warning for the financial year 2008 .", + "label": -1 + }, + { + "text": "The first phase will be completed by the end of 2012 .", + "label": 0 + }, + { + "text": "Shire to buy NPS for $5.2 billion to boost rare disease drugs", + "label": 1 + }, + { + "text": "Merkel's Government Said to Support Deutsche Boerse-LSE Merger", + "label": 1 + }, + { + "text": "The brokerage said 2006 has seen a ` true turning point ' in European steel base prices , with better pricing seen carrying through the second quarter of 2006 .", + "label": 1 + }, + { + "text": "AstraZeneca investment eats into profit", + "label": 0 + }, + { + "text": "UPDATE 1-Nomura, RBS must pay $806 mln in mortgage bond case-US judge", + "label": -1 + }, + { + "text": "AHMS will also offer Hotel and Hotel Project Consultancy , Management Services , Brand Franchise , Training and Sales and Marketing services on a pan-India basis .", + "label": 0 + }, + { + "text": "The negotiations will concern the plant 's department producing winded roving that employs 10 people .", + "label": 0 + }, + { + "text": "Operating profit improved by 16.7 % to EUR 7.7 mn .", + "label": 1 + }, + { + "text": "AstraZeneca cancer drug may not be so fast getting to market", + "label": -1 + }, + { + "text": "The new location is n't the only change Wellmont has in store for its air transport service .", + "label": 0 + }, + { + "text": "Friends Life lifts profits 38% and hikes divi ahead of proposed Aviva takeover", + "label": 1 + }, + { + "text": "Strongest growth was seen in the new markets in Russia , the Czech Republic , and Slovakia .", + "label": 1 + }, + { + "text": "Goldman Sachs, Barclays, HSBC downplay Brexit threat", + "label": 0 + }, + { + "text": "The company 's net sales in 2010 totalled MEUR 311.4 with an operating margin of 13.9 per cent .", + "label": 0 + }, + { + "text": "Consisting of seven interconnected units , Mega Image 's logistics center will be 347 metres in length and 12 metres in height .", + "label": 0 + }, + { + "text": "AffectoGenimap builds highly customised IT solutions for its customers in Finland and the Baltic countries .", + "label": 0 + }, + { + "text": "Tesco's boardroom clearout continues", + "label": 0 + }, + { + "text": "CompaniesSanofi poaches immunology expert from AstraZeneca", + "label": 0 + }, + { + "text": "Jensen , Njastein and Mike Critch , the head of Dovre North America business unit , will report to Toivola .", + "label": 0 + }, + { + "text": "LSE-Deutsche Boerse merger would signal end to exchange mega-deals", + "label": 0 + }, + { + "text": "Sainsbury CFO Rogers to Replace Home Retail CEO Walden", + "label": 0 + }, + { + "text": "Nevertheless , its market share rose to 49.14 percent from 48.51 percent a year earlier .", + "label": 1 + }, + { + "text": "CompaniesMorrison evicted from FTSE 100 as Worldpay joins", + "label": -1 + }, + { + "text": "QPR ProcessGuide is available as a system solution with centralized storage and management of process content as well as a standalone desktop version ; QPR ProcessGuide Xpress .", + "label": 0 + }, + { + "text": "Neste Oil will publish its third quarter 2008 results on Friday , 24 October 2008 at approximately 9 am ( EET ) .", + "label": 0 + }, + { + "text": "The fair value of the company 's investment properties grew to EUR 2.803 billion at the end of March 2009 from EUR 2.691 million a year ago .", + "label": 1 + }, + { + "text": "Vaahto Pulp & Paper , of Finnish Vaahto Group , has been awarded an order to renovate Finnish-Swedish forest industry company Stora Enso 's paperboard machine at the Ingerois Board Mill in Finland .", + "label": 1 + }, + { + "text": "Shell offers 50 percent premium to buy BG for $70 billion", + "label": 0 + }, + { + "text": "Group EBIT for the first half was EUR13 .6 m US$ 17.8 m , falling short of the EUR22 .5 m it posted for the same period of 2009 .", + "label": -1 + }, + { + "text": "Finnish business software group AffectoGenimap Oyj said its net profit halved to 1.2 mln euro ( $ 1.5 mln ) in the first nine months of 2006 from 2.2 mln euro ( $ 2.8 mln ) in the same period of 2005 .", + "label": -1 + }, + { + "text": "Nokia OYJ 's production site at Bochum , Germany , posted profit before interest of 134 mln eur for 2007 , Capital reported in an excerpt of an article to be released tomorrow , citing internal documents .", + "label": 0 + }, + { + "text": "Pharmaceuticals group Orion Corp reported a fall in its third-quarter earnings that were hit by larger expenditures on R&D and marketing .", + "label": -1 + }, + { + "text": "Revenue from July to September grew 21 percent to EURO 2.3 billion , the Finnish company said Thursday .", + "label": 1 + }, + { + "text": "Also , Westpac is to issue a benchmark , 18 month FRN deal in Euros .", + "label": 0 + }, + { + "text": "Germanwings disaster will not affect image of budget air travel - easyJet", + "label": 0 + }, + { + "text": "Britain cuts Lloyds Banking Group stake to below 17 pct", + "label": -1 + }, + { + "text": "LSE-Deutsche Börse dealmakers wrong to ignore Brexit risk", + "label": -1 + }, + { + "text": "EUR 220 million of the transaction consideration was paid in the form of four-year interest-bearing vendor notes .", + "label": 0 + }, + { + "text": "Having a China based operation will not only enable us to fully leverage our resources and expertise in wireless solutions , but also strengthen our capability to offer industry-leading products for our customers in China . ''", + "label": 1 + }, + { + "text": "We went to the market with yield guidance of the 7.25 % area , which gave us the flexibility to go up or down by 1-8th .", + "label": 0 + }, + { + "text": "Shire says internal synergy goals from Baxalta deal higher", + "label": 1 + }, + { + "text": "HELSINKI ( Thomson Financial ) - Kone said it has won four orders in Saudi Arabia , United Arab Emirates and Qatar worth 40 mln eur .", + "label": 1 + }, + { + "text": "The company does not at present hold any of its own shares .", + "label": 0 + }, + { + "text": "Amazon to attack UK grocery market with Morrisons deal", + "label": 1 + }, + { + "text": "The diluted loss per share narrowed to EUR 0.27 from EUR 0.86 .", + "label": 1 + }, + { + "text": "The webcast may be followed online on the company website at www.ruukki.com/investors .", + "label": 0 + }, + { + "text": "Profit of the accounting period was EUR 0.3 mn .", + "label": 0 + }, + { + "text": "AB InBev launches SAB bid, to sell MillerCoors stake", + "label": 0 + }, + { + "text": "UPDATE 1-Shire takes Q2 earnings pain for long-term gain", + "label": 0 + }, + { + "text": "On preliminary estimate , the hotel will operate under the brand Novotel .", + "label": 0 + }, + { + "text": "Market data and analytics are derived from primary and secondary research .", + "label": 0 + }, + { + "text": "Centrica extends gas deals with Gazprom, Statoil", + "label": 0 + }, + { + "text": "ADP News - Apr 22 , 2009 - Finnish business information systems developer Solteq Oyj HEL : STQ1V said today its net loss widened to EUR 189,000 USD 245,000 for the first quarter of 2009 from EUR 10,000 for the same peri", + "label": -1 + }, + { + "text": "NYSE owner ICE may gatecrash Deutsche Boerse-LSE merger", + "label": 0 + }, + { + "text": "Samsung currently occupies third place and lost ground during the quarter , dropping by 1.8 % to an 11.1 % share overall .", + "label": -1 + }, + { + "text": "Peroni and Grolsch put up for sale as AB InBev plans acquisition of SABMiller", + "label": 1 + }, + { + "text": "Kingfisher share price slides on cost to implement new strategy", + "label": -1 + }, + { + "text": "Dixons Carphone says cyber attack may have exposed customers' data", + "label": -1 + }, + { + "text": "The major part of the deliveries include different AC and CXE amplifier solutions and products by Belgian DINH Telecom , a broadband solutions company acquired by Teleste in the spring of 2007 .", + "label": 0 + }, + { + "text": "Aviva promises higher dividends to boost flagging share price", + "label": 1 + }, + { + "text": "Shell offers 50 percent premium to buy BG for $70 billion", + "label": 1 + }, + { + "text": "There have not been previous share subscriptions with 2004 stock options .", + "label": 0 + }, + { + "text": "Royal Mail turnaround proving expensive in tough UK market", + "label": 0 + }, + { + "text": "Sukhraj Dulai , of the 2900 block of Boni Sue Court , a cul-de-sac on the city 's north side , started the vehicle and went inside his house about 8 a.m. Tuesday , leaving the garage door open .", + "label": 0 + }, + { + "text": "Easyjet targets business travellers with new perks", + "label": 0 + }, + { + "text": "The objective of the St. Petersburg office is first to boost the Company 's maintenance business .", + "label": 0 + }, + { + "text": "UPDATE 1-Norway's Statoil shakes up top management, replaces CFO", + "label": 0 + }, + { + "text": "Glencore swings to loss, will sell more assets", + "label": -1 + }, + { + "text": "Cost savings help Robinsons maker Britvic to first-half profit", + "label": 1 + }, + { + "text": "The company expects to open its first online shop in the US in the summer in 2011 .", + "label": 0 + }, + { + "text": "Finnish real estate company Sponda Oyj said on April 11 , 2008 it would build Vuosaari Harbour Service Center at the Port of Helsinki .", + "label": 0 + }, + { + "text": "UPDATE 1-BG Group's record output limits oil price fallout", + "label": 0 + }, + { + "text": "The operating loss amounted to EUR 0.8 mn , compared to a profit of EUR 3.9 mn a year earlier .", + "label": -1 + }, + { + "text": "CORPORATE IT UPDATE - ( C ) 1995-2009 M2 COMMUNICATIONS LTD Finnish technology group Teleste Corporation ( OMX Helsinki : TLT1V ) reported on Wednesday ( 4 February ) an operating profit of EUR5 .6 m on net sales of EUR108 .7 m for the year 2008 .", + "label": 0 + }, + { + "text": "The most important export markets are Norway , Germany , Russia and France .", + "label": 0 + }, + { + "text": "We'd support HSBC leaving London, says Standard Life", + "label": 0 + }, + { + "text": "Incap Contract Manufacturing Services Pvt Ltd , a subsidiary of Incap Corporation of Finland , is acquiring the manufacturing unit of the TVS Electronic Ltd at Tumkur , near Bangalore , for Rs40 crore .", + "label": 0 + }, + { + "text": "BP slashes capital spending by 20%", + "label": -1 + }, + { + "text": "The floor area of the Yliopistonrinne project will be 7,900 sq m 85,030 sq ft and the building 's gross area will total 12,800 sq m. A total 25.1 % of the facilities have been let .", + "label": 0 + }, + { + "text": "No pay hikes this year at Rio Tinto as mining slump bites", + "label": -1 + }, + { + "text": "Finnish metal products company Componenta Oyj net profit went slightly down to 25.1 mln euro ( $ 40.2 mln ) for the first half of 2008 from 25.4 mln euro ( $ 40.7 mln ) for the same period of 2007 .", + "label": -1 + }, + { + "text": "The options might include a partial or total divestment of their shareholdings in Ovako .", + "label": 0 + }, + { + "text": "Industry NewsStrong results at Travis Perkins marred by plumbing impairment", + "label": 0 + }, + { + "text": "Rio Tinto swings to loss, drops dividend policy", + "label": -1 + }, + { + "text": "Shire rises as dry eye treatment sails through trial", + "label": 1 + }, + { + "text": "Finnish IT solutions provider Affecto Oyj HEL : AFE1V said today its slipped to a net loss of EUR 115,000 USD 152,000 in the second quarter of 2010 from a profit of EUR 845,000 in the corresponding period a year earlier .", + "label": -1 + }, + { + "text": "HSBC chief hit with tax-avoidance scandal", + "label": -1 + }, + { + "text": "Britain's FTSE bounces back, Mondi and Barratt lead", + "label": 1 + }, + { + "text": "Doubts grow over GlaxoSmithKline's $6 bln capital return plan", + "label": -1 + }, + { + "text": "SSH Establishes New Global Sales and Marketing Group to be led by George Adams ; Adams Establishes Global Sales and Marketing Group to Drive Worldwide Programs Supporting SSH Tectia Enterprise Security Solutions", + "label": 0 + }, + { + "text": "Report: Financial Times up for sale", + "label": 0 + }, + { + "text": "Coca-Cola was the market leader of manufacturers with a market share of 36.9 % , down 2.2 % from the corresponding period in 2004-2005 .", + "label": -1 + }, + { + "text": "Incap Contract Manufacturing Services Private Limited has inked agreements with six new customers in India .", + "label": 1 + }, + { + "text": "ADP News - May 29 , 2009 - Bank of America BofA downgraded today its ratings on Swedish-Finnish paper maker Stora Enso Oyj HEL : STERV and on Finnish sector player UPM-Kymmene Oyj HEL : UPM1V to `` underperf", + "label": -1 + }, + { + "text": "At this stage , a maximum of 60,000 Tulikivi Series A shares will be acquired , representing about 0.16 per cent of the company -¦ s shares outstanding .", + "label": 0 + }, + { + "text": "The proportion of Estonian and Lithuanian passengers on the Tallinn-Helsinki route also grew in July .", + "label": 1 + }, + { + "text": "Public services will also be available .", + "label": 0 + }, + { + "text": "Finnish glass technology group Glaston Corporation ( OMX Helsinki : GLA1V ) reported on Thursday ( 14 August ) an operating profit of EUR6 .5 m on net sales of EUR201 .5 m for the period January-September 2008 .", + "label": 0 + }, + { + "text": "The contracts awarded to date , in connection with the system , amount to a total EUR 36 million .", + "label": 0 + }, + { + "text": "Berkshire Shareholders Pepper Warren Buffett With Some Hard Questions", + "label": 0 + }, + { + "text": "TietoEnator was down 1.13 pct to 18.38 , extending recent lows after last week 's second-quarter report , dealers said .", + "label": -1 + }, + { + "text": "Glencore launches refinancing of credit line", + "label": 0 + }, + { + "text": "Combining this deep domain expertise with our Application Service Management ASM and outsourcing service offerings has now proved to be a winning combination .", + "label": 1 + }, + { + "text": "EasyJet attracts more passengers in June but still lags Ryanair", + "label": 1 + }, + { + "text": "Hearst will be able to consolidate about 20 % of all Russian market for advertising in press after the purchase .", + "label": 1 + }, + { + "text": "Kraft, Cadbury's and Britvic in Total Recall: how pulling a product affects profit", + "label": 0 + }, + { + "text": "In 2006 , 452 million tonnes CO2 of EUA ( EU Allowance ; emissions credit in EU ) was traded with an underlying market value approx .", + "label": 0 + }, + { + "text": "BRIEF-Legal & General's retirement business books 4 billion stg H1 sales", + "label": 1 + }, + { + "text": "Shire CEO steps up drive to get Baxalta board talking", + "label": 0 + }, + { + "text": "mr Bakman sees also expansion options on the Tallinn-Helisnki link , claiming however , that operating the link with only a single ship is not enough .", + "label": 0 + }, + { + "text": "It is estimated that the consolidated turnover of Kausta Guder will reach Lt 53mn US$ 22.53 mn EUR 15.35 mn in 2007 .", + "label": 0 + }, + { + "text": "AB InBev's Latest Bid Said Unlikely to Win SABMiller's Approval", + "label": 0 + }, + { + "text": "According to the company , in addition to normal seasonal fluctuation the market situation has weakened during autumn 2008 .", + "label": -1 + }, + { + "text": "NPS prospects dependent on drug approval", + "label": 0 + }, + { + "text": "Philip Morris, BAT Sue Over Law Taking Branding Off Packs", + "label": 0 + }, + { + "text": "The objective of the planned measures is to achieve significant savings in the next few years .", + "label": 1 + }, + { + "text": "`` The announced investment of the carmaker Hyundai for example sounds optimistically for us as of course new cars mean new tires . ''", + "label": 1 + }, + { + "text": "The podcast , sees Harple provide the low-down on GyPSii 's platform , which takes someone 's location and demographic information to produce a contextual index of the world around them .", + "label": 0 + }, + { + "text": "RBS becomes a shadow of its former self", + "label": -1 + }, + { + "text": "Insight - Britain's bank tax jump threatens to push HSBC, StanChart to new home", + "label": 0 + }, + { + "text": "Industry NewsWood Group wins multi-million dollar contract with BP", + "label": 1 + }, + { + "text": "Are Aviva plc, Direct Line Insurance Group PLC And Admiral Group plc Set To Soar?", + "label": 1 + }, + { + "text": "Tesco, Asda sales fall as march of the discounters continues-Kantar", + "label": -1 + }, + { + "text": "The center will be built in the Kapuli district of Mantsala beside the Hanko-Mantsala-Porvoo road near the new direct rail link between Lahti and Jarvenpaa .", + "label": 0 + }, + { + "text": "News FeedFTSE 100 movers: Standard Chartered lifted while AstraZeneca sinks", + "label": -1 + }, + { + "text": "Is It Worth Investing In Tesco PLC And Prudential plc Now?", + "label": 0 + }, + { + "text": "Barclays poaches new chief operating officer Paul Compton from JP Morgan Chase", + "label": 0 + }, + { + "text": "From Merisatama to the far corners of the world Asfaltti Osakeyhti+ Lemmink+ñinen was established in 1910 by a group of master builders in Helsinki as a specialist business and subcontractor .", + "label": 0 + }, + { + "text": "AB InBev to Sell SABMiller Stake in China's Snow Beer", + "label": 0 + }, + { + "text": "Destia Oy is a Finnish infrastructure and construction service company building , maintaining and designing traffic routes , industrial and traffic environments , but also complete living environments .", + "label": 0 + }, + { + "text": "Weir Group offloads two renewables units", + "label": 0 + }, + { + "text": "Finnish metal industry solutions supplier Outotec Oyj net profit rose to 50.4 mln euro ( $ 72.5 mln ) for the first nine months of 2007 from 20.1 mln euro ( $ 28.9 mln ) for the same period of 2006 .", + "label": 1 + }, + { + "text": "UPDATE: CIB, Legal & General Sell Egyptian Life Joint Venture To AXA", + "label": 0 + }, + { + "text": "In the fourth quarter of 2008 , net sales decreased to EUR 121.4 mn from EUR 165.5 mn in the fourth quarter of 2007 .", + "label": -1 + }, + { + "text": "Profit before taxes was EUR 5.4 mn , up from EUR 3.6 mn a year earlier .", + "label": 1 + }, + { + "text": "Asahi could be about to snap up more of SABMiller's beers ahead of AB InBev sale", + "label": 1 + }, + { + "text": "Arto Ryymin , born 1964 , will replace Juhani Kaisanlahti who has worked as acting EVP , Healthcare & Welfare since August 2007 .", + "label": 0 + }, + { + "text": "Lloyds Banking Group eyes return to dealmaking with MBNA bid", + "label": 1 + }, + { + "text": "Finnish high technology provider Vaahto Group reports net sales of EUR 41.8 mn in the accounting period September 2007 - February 2008 , an increase of 11.2 % from a year earlier .", + "label": 1 + }, + { + "text": "It is the first application in the market for invoice and purchase requisition approval with a mobile device .", + "label": 0 + }, + { + "text": "Elcoteq has a global network of After Market Service sites which have a long experience in serving Consumer Electronics and Systems Solutions customers .", + "label": 0 + }, + { + "text": "The markets are almost completely controlled by three banks : Nordea , OP Bank Group , and Sampo .", + "label": 0 + }, + { + "text": "Microsoft last week also issued the first patch for the Windows 7 operating system beta it had released days earlier .", + "label": 0 + }, + { + "text": "The order consists of outsourced application management , support and planning for Tecnotree and third-party applications .", + "label": 0 + }, + { + "text": "In addition to the Tulikivi Corporation , he is also currently a member of the Board of the following companies : Altia Corporation , J+ñrvi-Suomen Portti Osuuskunta , Osuuskunta KPY , Profile Vehicles Oy and Voimatel Oy .", + "label": 0 + }, + { + "text": "GSK and Novartis complete deals to reshape both drugmakers", + "label": 1 + }, + { + "text": "Tesco turnaround gathers pace under new CEO", + "label": 1 + }, + { + "text": "Shire CEO steps up drive to get Baxalta board talking", + "label": 1 + }, + { + "text": "Kazgiprotsvetmet and Outotec Finland have signed an agreement on strategic cooperation in the marketing and providing of minerals processing and metallurgical plants and related services in Kazakhstan and the surrounding countries .", + "label": 1 + }, + { + "text": "Nine banks including Barclays, Citi, agree to pay $2 billion to settle forex ...", + "label": -1 + }, + { + "text": "Sugar tax spurs Pepsi owner Britvic to change drinks recipes by 2020", + "label": 0 + }, + { + "text": "Horizonte acquires neighbouring Glencore nickel property in Brazil", + "label": 0 + }, + { + "text": "HK Ruokatalo produces many turkey products , such as cold cuts .", + "label": 0 + }, + { + "text": "3 January 2011 - Finnish flag carrier Finnair Oyj ( HEL : FIA1S ) said today it sealed a nine-year sale and leaseback agreement for its newest Airbus A330 aircraft for syndication into the Japanese operating lease market .", + "label": 1 + }, + { + "text": "As a part of the agreement 10 employees from the John Deere Forestry documentation functions will transfer to DokuMentori Oy .", + "label": 0 + }, + { + "text": "Poyry 's net sales in 2007 amounted to about EUR 720 million and it employs 7400 experts .", + "label": 0 + }, + { + "text": "NASDAQ-listed Yahoo Inc has introduced a new service that enables Malaysians to take their favorite Internet content and services with them on their mobile phones .", + "label": 1 + }, + { + "text": "Shire share price: Group releases full-year results", + "label": 1 + }, + { + "text": "The robust growth was the result of the inclusion of clothing chain Lindex in the Group in December 2007 .", + "label": 1 + }, + { + "text": "Tesco share price jumps as Q3 sales top estimates", + "label": 1 + }, + { + "text": "The Liquid Handling segment offers laboratory equipment and accessories , including mechanical and electronic pipettes , and disposable tips used in the research institutions , universities , and hospitals , as well as in the pharmaceutical , food , and other industries under the Biohit brand .", + "label": 0 + }, + { + "text": "Rory Fitzgerald , general manager , operations , Bristol Port , said : `` With the use of low maintenance technology we can save up to 30 per cent on servicing , plus the load sensing hydraulics can save us an extra 15 to 30 per cent on fuel consumption . ''", + "label": 1 + }, + { + "text": "Rental of building equipment accounted for 88 percent of the operating income .", + "label": 0 + }, + { + "text": "Is Trouble Brewing At Legal & General Group Plc And Aviva plc?", + "label": -1 + }, + { + "text": "Solidium picked up Tikkurila shares as a dividend at a book value of EUR15 .80 per share .", + "label": 0 + }, + { + "text": "Glaxo's ViiV Healthcare Signs China Manufacturing Deal With Desano", + "label": 1 + }, + { + "text": "Novo Nordisk and AstraZeneca seek tonic from key drug trials", + "label": 0 + }, + { + "text": "Militants fire rockets at Algerian BP/Statoil gas plant, no casualties", + "label": -1 + }, + { + "text": "The fourth quarter saw Rapala swing back to a pretax profit of 1.5 mln eur from a year earlier loss of 1.2 mln on the back of a 30 pct uplift in sales to 44.8 mln eur , and a stronger performance in North America .", + "label": 1 + }, + { + "text": "CompaniesandMarkets.com provides a wide range of research reports , industry statistics and competitive intelligence on the industrial sector .", + "label": 0 + }, + { + "text": "Should You Follow Berkshire Hathaway Into Apple Stock?", + "label": 0 + }, + { + "text": "( ADP News ) - Sep 30 , 2008 - Finnish security and privacy software solutions developer Stonesoft Oyj said today that it won a USD 1.9 million ( EUR 1.3 m ) order to deliver its StoneGate network security products to an unnamed Russian te", + "label": 1 + }, + { + "text": "Operating profit totaled EUR 18.6 mn or 8.3 % of net sales .", + "label": 0 + }, + { + "text": "Tesco sells half of stake in ecommerce site Lazada to Alibaba for £90m", + "label": 1 + }, + { + "text": "UK's Morrisons in talks to sell convenience stores - source", + "label": 0 + }, + { + "text": "UPDATE 3-Barclays sells Italian branches to Mediobanca at a loss", + "label": -1 + }, + { + "text": "The company expects its net sales for the whole of 2007 to be EUR 950mn-1 ,000 mn .", + "label": 0 + }, + { + "text": "Rinkuskiai raised the sales by 18.1 percent , to 1.37 million liters , while the sales of Kauno Alus grew by 14.3 percent , to 960,000 liters .", + "label": 1 + }, + { + "text": "On 25 August 2009 , Sampo 's stake in Nordea was 19.45 % .", + "label": 0 + }, + { + "text": "HSBC keeps headquarters in London, rejects move to Hong Kong", + "label": 0 + }, + { + "text": "Eurocrat left best-placed to unravel London Stock Exchange deal", + "label": -1 + }, + { + "text": "BHP Billiton drags FTSE lower after slashing dividend", + "label": -1 + }, + { + "text": "Warren Buffett's Berkshire Hathaway buys stake in Apple", + "label": 1 + }, + { + "text": "Aberdeen's shares slide as net outflows accelerate", + "label": -1 + }, + { + "text": "Kinder Morgan and BP Form Joint Venture Limited Liability Company to Purchase ...", + "label": 1 + }, + { + "text": "It is part of the development of the world-class magnetite deposit at Karara , which has the known potential for over 30 million metric tons of annual processing of magnetite over its estimated 30-year life .", + "label": 0 + }, + { + "text": "Cash flow from business operations totalled EUR 0.4 mn compared to a negative EUR 15.5 mn in the first half of 2008 .", + "label": 1 + }, + { + "text": "RBS and Barclays shares temporarily suspended amid heavily losses", + "label": -1 + }, + { + "text": "`` We 've been feeling quite positive about the region as a whole .", + "label": 1 + }, + { + "text": "Solidium now holds 5.0 per cent of the shares Solidium Oy has acquired 5.0 per cent of the shares in Tieto Corporation for approximately EUR 58 million .", + "label": 0 + }, + { + "text": "The company reports a loss for the period of EUR 0.4 mn compared to a loss of EUR 1.9 mn in the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "The Finland-based company says it will move into an existing 260,000-square-foot facility in September .", + "label": 0 + }, + { + "text": "A meeting of Glisten shareholders to vote on the bid will be held on 12 March .", + "label": 0 + }, + { + "text": "The hack had been extra nefarious because the tweets activated without being clicked on - it was enough for Web surfers to move their mouse cursors over them .", + "label": -1 + }, + { + "text": "Finnish Bore that is owned by the Rettig family has grown recently through the acquisition of smaller shipping companies .", + "label": 1 + }, + { + "text": "AstraZeneca weighing up Acerta bid to secure blood cancer drug", + "label": 1 + }, + { + "text": "Pretax profit totalled EUR 2.0 mn , compared to a loss of EUR 159.2 mn in the fourth quarter of 2008 .", + "label": 1 + }, + { + "text": "The company 's profit before taxes fell to EUR 21.1 mn in the third quarter of 2008 , compared to EUR 35.8 mn in the corresponding period in 2007 .", + "label": -1 + }, + { + "text": "Sainsbury's and Glencore give FTSE a three-digit lift - London Report", + "label": 1 + }, + { + "text": "ALEXANDRIA , Va. , Oct. 6 -- United States Patent no. 7,804,288 , issued on Sept. 28 , was assigned to Vacon Oyj ( Vaasa , Finland ) .", + "label": 0 + }, + { + "text": "Honkarakenne Oyj - a world-leading manufacturer of genuine wooden homes - will be sponsoring Finnish crosscountry skier Virpi Kuitunen for the next three years .", + "label": 0 + }, + { + "text": "UPDATE 2-Exchanges, Barclays win dismissal of US high-frequency trading case", + "label": 1 + }, + { + "text": "` Nordea 's definitely too big for Sampo to acquire , ' said an analyst ` But Sampo would appear to have an agenda for Nordea ahead of the privatisation .", + "label": 0 + }, + { + "text": "Trading ExpertBROKER RECOMMENDATIONSUBS ups RBS to 'buy' as it re-initiates coverage on UK banks", + "label": 1 + }, + { + "text": "Rolls-Royce to Ensure Compliance After Petrobras Bribery Report", + "label": 0 + }, + { + "text": "London open: Taylor Wimpey and Ashtead drive markets higher, Barclays falls", + "label": 1 + }, + { + "text": "The ECB can mainly target inflation .", + "label": 0 + }, + { + "text": "FDA approves NPS drug, in move validating Shire takeover deal", + "label": 1 + }, + { + "text": "Finnish lifting equipment maker Konecranes HEL : KCR1V said on 29 July 2009 it has raised its stake in Austrian manipulator maker ACS Konecranes to 80 % and bought German sector player Knight Europe .", + "label": 1 + }, + { + "text": "We'd support HSBC leaving London, says Standard Life", + "label": 0 + }, + { + "text": "Body ES Vostok also owns stakes in power sales companies MosenergosbytBody ( RTS : MSSB ) ( 50.9 % ) , Altaienergosbyt ( 100 % ) , Saratovenergo ( RTS : SARE ) Body ( 48.36 % ) and Tambov Power Sales Company ( RTS : TASB ) ( 49.01 % ) , all ofBodywhich it received from the distribution balance .", + "label": 0 + }, + { + "text": "Teva: FDA Approves Generic Version of AstraZeneca Heartburn Drug", + "label": 1 + }, + { + "text": "The bond has a value of EUR150m and a maturity of 4 years .", + "label": 0 + }, + { + "text": "MarketsUS industrials lag as Barclays dims view", + "label": -1 + }, + { + "text": "Elcoteq Dongguan was established in 1999 in the Nancheng District of Dongguan , China and is one of Elcoteq s four volume manufacturing plants in the Asia-Pacific region .", + "label": 0 + }, + { + "text": "Old Mutual to split up, may list some businesses", + "label": 0 + }, + { + "text": "In Finland , the city of Forssa has said it will not pay compensation to food industry companies HK Ruokatalo and Atria for the lye leak into tap water that occurred in March 2008 .", + "label": -1 + }, + { + "text": "StanChart announces $5.1 billion capital-raising plan, posts Q3 loss", + "label": -1 + }, + { + "text": "London open: Taylor Wimpey and Ashtead drive markets higher, Barclays falls", + "label": 1 + }, + { + "text": "Elisa Corporation will disclose its financial statements for 2006 on Thursday , 8 February 2007 .", + "label": 0 + }, + { + "text": "ITG 's share in the deal is estimated at some 500,000 euro $ 627,000 .", + "label": 0 + }, + { + "text": "PRESS: Pearson Set To Announce Sale Of Financial Times - Reuters", + "label": 0 + }, + { + "text": "CompaniesThiam received £5m pay packet for final months at Prudential", + "label": 0 + }, + { + "text": "CompaniesDiageo moves CFO to lead North American business", + "label": 0 + }, + { + "text": "Product deliveries will not be interrupted , the refiner said , giving no financial details .", + "label": 0 + }, + { + "text": "Barclays says not been offered deferred prosecution deal by SFO", + "label": 0 + }, + { + "text": "PRESS: UK Government Would Oppose Any BP Takeover - FT", + "label": 0 + }, + { + "text": "AstraZeneca suffers setback after drug fails to treat eye cancer", + "label": -1 + }, + { + "text": "Juha-Pekka Weckstr+Âm has been appointed President of telecom group TeliaSonera Finland to succeed Esa Rautalinko .", + "label": 0 + }, + { + "text": "Tesco Sales Deteriorate Ahead of Crucial Christmas Period", + "label": -1 + }, + { + "text": "Barclays, Credit Suisse strike record deals with SEC, NY over dark pools", + "label": -1 + }, + { + "text": "Talvivaara Mining Company Plc Talvivaara Mining Company is an internationally significant base metals producer with its primary focus on nickel and zinc using a technology known as bioheapleaching to extract metals out of ore .", + "label": 0 + }, + { + "text": "GE to Sell Majority Stake in Bank BPH's Core Bank to Alior Bank", + "label": 1 + }, + { + "text": "`` The issues identified by Stonesoft affect a range of content inspection technology .", + "label": 0 + }, + { + "text": "For the first nine months of 2010 , Talvivaara 's net loss narrowed to EUR 8.3 million from EUR 21.9 million for the same period of 2009 .", + "label": 1 + }, + { + "text": "LIGHTS OUT Before curfew , curl up with the latest bestseller and treat your eyes to the perfect reading light from Luceplan .", + "label": 0 + }, + { + "text": "The contract includes design , construction , delivery of equipment , installation and commissioning .", + "label": 0 + }, + { + "text": "The value of the order is about EUR 30mn .", + "label": 0 + }, + { + "text": "Operating loss totalled EUR 0.3 mn , down from a profit of EUR 5.1 mn in the first half of 2009 .", + "label": -1 + }, + { + "text": "Tiimari , the Finnish retailer , reported to have geenrated quarterly revenues totalling EUR 1.3 mn in the 4th quarter 2009 , up from EUR 0.3 mn loss in 2008 .", + "label": 1 + }, + { + "text": "Glencore sells agri unit stake for $2.5 billion to Canadian pension fund", + "label": 1 + }, + { + "text": "To showcase our end-to-end capabilities at the Mobile World Congress , we arranged an internal MeeGo application development competition to entice developers to create new applications .", + "label": 0 + }, + { + "text": "Currently , the company foresees its pre-tax profit to remain below the 2009 level when it reached EUR 700,000 USD 934,000 , compared with previous projections of a slightly better pre-tax profit .", + "label": -1 + }, + { + "text": "Clydesdale Bank hit with record PPI fine for 'unacceptable' staff lies", + "label": -1 + }, + { + "text": "Payment of shares shall be effected on subscription .", + "label": 0 + }, + { + "text": "Teva: FDA Approves Generic Version of AstraZeneca Heartburn Drug", + "label": 1 + }, + { + "text": "Aktia forecasts Finland 's inflation at 1.1 % in 2010 .", + "label": 0 + }, + { + "text": "Oil majors like Royal Dutch Shell, Chevron, BP fail to find reserves to counter ...", + "label": -1 + }, + { + "text": "In January-November 2009 , the group 's sales totalled EUR 7,801.7 mn , which was a drop of 12.6 % from the same period of 2008 .", + "label": -1 + }, + { + "text": "Profitability ( EBIT % ) was 13.6 % , compared to 14.3 % in Q2 2009 .", + "label": -1 + }, + { + "text": "UPDATE 1-Oil major BP freezes pay in 2015 to cut costs", + "label": -1 + }, + { + "text": "A data processing unit collects the data , calculates RVR values and provides the data to users via various interfaces .", + "label": 0 + }, + { + "text": "Eriikka S+Âderstr+Âm has previously held several positions in finance and control at Nokia Networks including acting as the Business Group Controller and having the corporate controller position at Nokia Siemens Networks .", + "label": 0 + }, + { + "text": "Old Mutual First-Quarter Sales Up 18% Buoyed by Emerging Markets", + "label": 1 + }, + { + "text": "`` Small firms are suffering at the moment because they are likely to have money trouble , '' he added .", + "label": -1 + }, + { + "text": "For Q2 2010 , consolidated earnings before tax totaled EUR4 .5 m , compared to EUR3 .9 m , and net profit was EUR3 .2 m , compared to EUR2 .9 m in the previous year .", + "label": 1 + }, + { + "text": "In 2007 , Alma Media 's operating profit was about EUR 53mn .", + "label": 0 + }, + { + "text": "Lee & Man Paper and Metso have a long and prosperous co-operation , a good example of which are the Changshu and Hongmei kraftliner machines delivered earlier .", + "label": 1 + }, + { + "text": "Easyjet traffic hit by air traffic controller strikes and terrorism", + "label": -1 + }, + { + "text": "Finnish software developer Basware Oyj said on November 30 , 2006 its U.S. subsidiary Basware , Inc. won an order to provide software for contract lifecycle management to an unnamed U.S. medical technology company .", + "label": 1 + }, + { + "text": "The growth of net sales in the first half of 2008 has been 28 % compared with the first half of 2007 .", + "label": 1 + }, + { + "text": "Under the rental agreement , Stockmann was committed to invest in the building of a bridge over the Gogol Street or build an underground tunnel for crossing the street by 2004 .", + "label": 0 + }, + { + "text": "Shire in talks with Baxalta shareholders", + "label": 0 + }, + { + "text": "More staff has been recruited in Japan to further complement its network of close to 50 service locations in more than 20 countries worldwide .", + "label": 1 + }, + { + "text": "Auburn 's sales in 2007 were CAD 41 million ( approximately EUR 27 million ) , and the company employs some 150 people .", + "label": 0 + }, + { + "text": "Sainsbury chief warns of squeeze on high street retailers", + "label": -1 + }, + { + "text": "+£lemiste City is the environment for a knowledge-based economy providing work for 3,300 people with the total turnover of its companies amounting to EEK 5.4 bn , '' said +£lo P+ñrnits , chairman of the supervisory board of +£lemiste City and Mainor .", + "label": 0 + }, + { + "text": "CS Cabot 's main consumers on the Czech and Slovak market are tires producers Barum Continental and Matador Continental .", + "label": 0 + }, + { + "text": "Sainsbury's pressed to raise bid for Home Retail Group", + "label": 1 + }, + { + "text": "According to Sweden 's Minister for Local Government and Financial Markets , Mats Odell , the decision to sell the State 's shares in telecom group TeliaSonera can only be carried out in cooperation with the State of Finland .", + "label": 0 + }, + { + "text": "Is It Worth Investing In Tesco PLC And Prudential plc Now?", + "label": 0 + }, + { + "text": "The Latest: Buffett says cuts will pay off at Kraft Heinz", + "label": 1 + }, + { + "text": "AB InBev's Latest Bid Said Unlikely to Win SABMiller's Approval", + "label": -1 + }, + { + "text": "Aviva, M&G suspend property funds as investors panic", + "label": -1 + }, + { + "text": "The combined value of the orders is EUR 45mn .", + "label": 0 + }, + { + "text": "Kaupthing forecasts that Finnish-Swedish Stora Enso will close its mill in Reisholz , in Germany .", + "label": 0 + }, + { + "text": "Seven-month sales of Ragutis , which is controlled by the Finnish brewery Olvi , declined by 11.2 percent , to 15.41 million liters , and the company held 9.89 percent of the market .", + "label": -1 + }, + { + "text": "Finnish Exel Composites , a technology company that designs , manufactures , and markets composite profiles and tubes for various industrial applications , reports its net sales decreased by 0.6 % in the second quarter of 2010 to EUR 19.2 mn from EUR 19.3 mn in the corresponding period in 2009 .", + "label": -1 + }, + { + "text": "Finnish Sampo Bank , of Danish Danske Bank group , reports profit before taxes of EUR 152.3 mn in 2010 , up from EUR 32.7 mn in 2009 .", + "label": 1 + }, + { + "text": "Following the registration , the share capital of Biotie is EUR 52,556,678.10 .", + "label": 0 + }, + { + "text": "The net sales of the whole fiscal year 2008 will be lower than in 2007 and operating profit is estimated to be negative .", + "label": -1 + }, + { + "text": "In the second quarter of 2010 , the group 's net profit rose to EUR 3.1 million from EUR 2.5 million in April-June 2009 .", + "label": 1 + }, + { + "text": "The aforementioned shareholders have informed that they will propose to the Annual General Meeting that the number of members of the Board of Directors shall be five and that besides the present members of the Board of Directors also Mr Lassi Noponen shall be elected to the Board of Directors .", + "label": 0 + }, + { + "text": "The transactions would increase earnings per share in the first quarter by some EUR0 .28 .", + "label": 1 + }, + { + "text": "Berkshire Bought Apple Stake at $99.49 a Share, Filing Shows", + "label": 0 + }, + { + "text": "After Barclays and Bank of America, Citigroup has blockchain in sight", + "label": 0 + }, + { + "text": "In the first nine months of 2010 , the company 's net loss narrowed to EUR 415,000 from EUR 7.4 million for the corresponding period of 2009 .", + "label": 1 + }, + { + "text": "According to latest information , Benefon will launch its Twig device on 20 September 2006 .", + "label": 0 + }, + { + "text": "Since the registration of the shares subscribed in a directed share issue , the new number of Panostaja shares and voting rights is 41,733,110 .", + "label": 0 + }, + { + "text": "Currency conversions are based on exchange rates at the time of the deal .", + "label": 0 + }, + { + "text": "RBS share price: Group plans to slash 600 jobs", + "label": -1 + }, + { + "text": "Dixons Carphone says cyber attack may have exposed customers' data", + "label": -1 + }, + { + "text": "The Coca-Cola Company and Coca-Cola FEMSA to Acquire AdeS Soy-Based Beverage Business From Unilever", + "label": 1 + }, + { + "text": "CompaniesAB InBev signals it won't go hostile for SABMiller", + "label": 0 + }, + { + "text": "Cash flow after investments amounted to EUR45m , down from EUR46m .", + "label": -1 + }, + { + "text": "Deliveries by Outotec will take place over 30 months .", + "label": 0 + }, + { + "text": "Citigroup to Sell OneMain to Springleaf for $4.25 Billion", + "label": 1 + }, + { + "text": "CaixaBank, dos Santos Agree on Plan for BPI Angola Exposure", + "label": 0 + }, + { + "text": "Tesco sells half of stake in ecommerce site Lazada to Alibaba for £90m", + "label": 1 + }, + { + "text": "Friends Life lifts profits 38% and hikes divi ahead of proposed Aviva takeover", + "label": 0 + }, + { + "text": "Since the association 's data do not cover sales figures from about 100 small local breweries and sales of imported beer products , the actual market shares of its members are smaller than those given in the report .", + "label": -1 + }, + { + "text": "During the strike , Finnair estimates to incur a net loss of between EUR2m and EUR2 .5 m per day .", + "label": -1 + }, + { + "text": "The floor area of the Yliopistonrinne project will be 7,900 sq m and the building 's gross area will total 12,800 sq m. A total 25.1 % of the facilities have been let .", + "label": 0 + }, + { + "text": "The transaction will take place without payment of merger consideration .", + "label": 0 + }, + { + "text": "Operating loss totalled EUR 0.9 mn , down from a profit of EUR 2.7 mn .", + "label": -1 + }, + { + "text": "Teollisuuden Voima Oyj , the Finnish utility known as TVO , said it shortlisted Mitsubishi Heavy s EU-APWR model along with reactors from Areva , Toshiba Corp. , GE Hitachi Nuclear Energy and Korea Hydro & Nuclear Power Co. .", + "label": 0 + }, + { + "text": "Centrica suffers protest from shareholders over pay", + "label": -1 + }, + { + "text": "Barclays share price subdued as bank faces fresh forex probe", + "label": -1 + }, + { + "text": "Nordea Group 's operating profit increased in 2010 by 18 percent year-on-year to 3.64 billion euros and total revenue by 3 percent to 9.33 billion euros .", + "label": 1 + }, + { + "text": "The broker started UPM-Kymmene , Stora Enso and Sappi with ` equal-weight ' recommendations and Holmen and Norske Skog with ` underweight ' ratings .", + "label": 0 + }, + { + "text": "Operating profit totaled EUR 17.7 mn compared to EUR 17.6 mn in the corresponding period in 2007 .", + "label": 1 + }, + { + "text": "Copper Prices up on Glencore Cuts to Zinc Supply", + "label": 1 + }, + { + "text": "Operating profit decreased to EUR 16mn from EUR 21.1 mn in 2008 .", + "label": -1 + }, + { + "text": "Hargreaves Lansdown says first-quarter assets hit by stock market flux", + "label": -1 + }, + { + "text": "The issue came up in connection with discussion with local municipalities concerning the sale of water to industrial facilities .", + "label": 0 + }, + { + "text": "REFILE-BP agrees UK gas pipeline stake sale to infrastructur", + "label": 1 + }, + { + "text": "Previously , the company expected its 2008 financial performance to remain at the same level as in 2008 .", + "label": 0 + }, + { + "text": "AstraZeneca's MedImmune Inks Licensing Deal With Omnis Pharmaceuticals", + "label": 1 + }, + { + "text": "8 May 2009 - Finnish liquid handling products and diagnostic test systems maker Biohit Oyj ( HEL : BIOBV ) said today ( 8 May 2009 ) its net loss narrowed to EUR0 .1 m ( USD0 .14 m ) for the first quarter of 2009 from EUR0 .4 m for the same period of 2008 .", + "label": 1 + }, + { + "text": "Peigs www.peigs.se will become part of Sardus Latta Maltider Light Meals unit .", + "label": 0 + }, + { + "text": "AstraZeneca does US$770mln anaesthetic deal", + "label": 1 + }, + { + "text": "Based on the first quarter result , existing order backlog and new order prospects , the company expects that full-year sales will contract by 25 % from 2008 , the gross margin will stay at a healthy level , and the operating profit margin will be lower than in 2008 due to lower sales volume .", + "label": -1 + }, + { + "text": "Kraft, Cadbury's and Britvic in Total Recall: how pulling a product affects profit", + "label": 0 + }, + { + "text": "Changes being announced today will be effective after the close of trading on Friday , June 19 , 2009 .", + "label": 0 + }, + { + "text": "WPP Q1 Revenue Rises Over 8% - Quick Facts", + "label": 1 + }, + { + "text": "GlaxoSmithKline starts hunt for successor to CEO Witty", + "label": 0 + }, + { + "text": "AstraZeneca digs into precision medicine with lung, heart deals", + "label": 1 + }, + { + "text": "Both operating profit and net sales for the 12-month period increased , respectively from EUR4 .7 m and EUR26 .7 m , as compared to 2004 .", + "label": 1 + }, + { + "text": "As much biomass will be used as can be sourced locally , with the rest of the plant 's fuel needs met by peat .", + "label": 0 + }, + { + "text": "A quick `` one-stop-shop '' to understand the company .", + "label": 0 + }, + { + "text": "Published by Globes online , Israel business news - www.globes-online.com - on November 16 , 2009 -® Copyright of Globes Publisher Itonut 1983 Ltd. 2009", + "label": 0 + }, + { + "text": "Okmetic expects its net sales for the first half of 2009 to be less than in 2008 .", + "label": -1 + }, + { + "text": "Passengers rise at EasyJet and Aer Lingus", + "label": 1 + }, + { + "text": "Citigroup to Sell OneMain to Springleaf for $4.25 Billion", + "label": 1 + }, + { + "text": "Glencore swings to loss, will sell more assets", + "label": -1 + }, + { + "text": "By the end of 2006 , the number of joint branch offices will total 170 .", + "label": 0 + }, + { + "text": "Barclays PLC & Lloyds Banking Group PLC Are The 2 Banks I'd Buy Today", + "label": 1 + }, + { + "text": "Zurich Insurance Considering Offer for UK Rival RSA Insurance", + "label": 1 + }, + { + "text": "This amount will not be included in the pensionable salary .", + "label": 0 + }, + { + "text": "The manufacture of CPPs will be undertaken at the existing Export Oriented Unit EOU at Wartsila 's factory at Khopoli , near Mumbai .", + "label": 0 + }, + { + "text": "Warren Buffett's Berkshire adds to favorites IBM, Wells Fargo", + "label": 1 + }, + { + "text": "BG Group Still Happy With Shell's $70 Billion Offer", + "label": 1 + }, + { + "text": "Morrisons escapes FTSE relegation", + "label": 0 + }, + { + "text": "Simmons Elected DCUC Chairman PORTSMOUTH , N.H.-Gordon A. Simmons , CEO of Service Credit Union , has been elected chairman of the Defense Credit Union Council for the 2007-2008 term .", + "label": 0 + }, + { + "text": "Morrisons escapes FTSE relegation", + "label": 0 + }, + { + "text": "Glencore sells agri unit stake for $2.5 billion to Canadian pension fund", + "label": 1 + }, + { + "text": "FTSE slide halted by BP's £12bn US settlement - London Report", + "label": -1 + }, + { + "text": "New BG Group CEO Helge Lund Starts Earlier Than Expected", + "label": 0 + }, + { + "text": "Fresnillo Production Surges But Profit Hit By Lower Prices", + "label": 1 + }, + { + "text": "Aviva shuts Friends Life head office in rapid integration move", + "label": 0 + }, + { + "text": "U.K. Stocks Resume Gains to Rally to Record; CRH, Tullow Climb", + "label": 1 + }, + { + "text": "Earnings per share ( EPS ) amounted to a loss of EUR0 .05 .", + "label": -1 + }, + { + "text": "A replay will be available until 27 October 2006 in the following numbers : US callers : +1 617-á801-á6888 , non-US callers : +44 20 7365 8427 , access code : 2659 5401 .", + "label": 0 + }, + { + "text": "Why I'd Buy ARM Holdings plc And BHP Billiton plc Today", + "label": 1 + }, + { + "text": "Insight hires Aviva's David Hillier for multi-asset team", + "label": 0 + }, + { + "text": "5 Years After BP Spill: What's Changed in Offshore Drilling", + "label": -1 + }, + { + "text": "Associated British Foods helps FTSE to rebound", + "label": 1 + }, + { + "text": "The Process Products orders are for the installation of separation-filtration equipment at three natural gas pipeline projects in China , South America , and Saudi Arabia .", + "label": 0 + }, + { + "text": "GlaxoSmithKline beats profit forecasts despite Advair hit, lower margins", + "label": 1 + }, + { + "text": "UK MORNING BRIEFING: Sky And Hargreaves Lansdown Bookend FTSE 100", + "label": 0 + }, + { + "text": "In Finland , the launch of tie-in sales of 3G mobile phones did not cause a dramatic rush in mobile retail outlets during the first few days .", + "label": 0 + }, + { + "text": "Completion of the transaction is subject to a final agreement and a Due Diligence process .", + "label": 0 + }, + { + "text": "Cohen & Steers , Inc. : 5 534 530 shares representing 4.985 % of the share capital and voting rights .", + "label": 0 + }, + { + "text": "In 2006 the company 's net sales amounted to approximately EUR259m and it has some 8,000 employees .", + "label": 0 + }, + { + "text": "Elcoteq SE Stock Exchange Announcement February 4 , 2009 at 10.00 am ( EET ) Elcoteq will publish its financial statements bulletin 2008 on Wednesday , February 11 , at 9.00 am ( EET ) .", + "label": 0 + }, + { + "text": "The second company acquired is Sweden 's Reftele Maskinservice AB , whose business is mainly field services and spare parts manufacturing , with 10 employees and 1.2 mln eur sales a year .", + "label": 0 + }, + { + "text": "The acquisition will have an immediate positive impact on Aspocomp 's financial result .", + "label": 1 + }, + { + "text": "CDP was established on the initiative of institutional investors ; however , the annually published results also interest an increasing number of customers and other interest groups of the reporting companies .", + "label": 0 + }, + { + "text": "Favourable currency rates also contributed to higher net sales , '' CEO Kari Kauniskangas said .", + "label": 1 + }, + { + "text": "Rolls-Royce to Ensure Compliance After Petrobras Bribery Report", + "label": 0 + }, + { + "text": "Britain's FTSE slips from 2016 high as Sky falls", + "label": -1 + }, + { + "text": "The program , which was started in the summer of 2007 , was originally estimated to last approximately two years .", + "label": 0 + }, + { + "text": "In Sweden the agreement covers data communication services as well .", + "label": 0 + }, + { + "text": "AstraZeneca says new lung cancer pill Tagrisso approved by EU", + "label": 1 + }, + { + "text": "Elcoteq 's Electronics Manufacturing Services ( EMS ) Business Segment serves customers globally in Engineering , Manufacturing and Fulfillment services .", + "label": 0 + }, + { + "text": "Cablevision Systems Corp. CVC Their Madison Square Garden division owns and operates the New York Knickerbockers basketball team ; they also own the Madison Square Garden Arena , the New York Rangers hockey team , the New York Liberty women 's basketball team , and the Hartford Wolf Pack hockey team .", + "label": 0 + }, + { + "text": "Vaisala 's net profit for the third quarter of 2007 dropped to 3.0 mln euro ( $ 4.3 mln ) from 6.8 mln euro ( $ 9.8 mln ) for the same period of 2006 .", + "label": -1 + }, + { + "text": "Pretax profit rose to EUR 1,019 mn from EUR 1,007 in the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "Sharm el Sheikh: EasyJet axes all flights to Egypt's leading holiday resort", + "label": -1 + }, + { + "text": "British American Tobacco says would fight UK 'plain packaging' law", + "label": 0 + }, + { + "text": "5 Years After BP Spill: What's Changed in Offshore Drilling", + "label": -1 + }, + { + "text": "Oriola-KD is a spin-off of Finnish pharmaceutical group Orion Oyj 's wholesale division .", + "label": 0 + }, + { + "text": "The closing of the transaction is scheduled to take place on January 10 , 2008 .", + "label": 0 + }, + { + "text": "HSBC marks muted 150th birthday party with grain of rice sculptures", + "label": 0 + }, + { + "text": "Barclays poaches new chief operating officer Paul Compton from JP Morgan Chase", + "label": 0 + }, + { + "text": "The extracted filtrates are very high in clarity while the dried filter cakes meet required transport moisture limits (TMLs)for their ore grades .", + "label": 0 + }, + { + "text": "The 50-50 joint venture , to be called Nokia Siemens Networks , will be comprised of Nokia 's network business group and Siemens ' carrier-related operations , creating estimated synergies of 1.5 billion euros ( $ 1.9 billion ) by 2010 , Nokia said .", + "label": 1 + }, + { + "text": "Breakingviews: IAG can pay more for Aer Lingus", + "label": 0 + }, + { + "text": "Investment management and investment advisory services are the company 's sole line of business .", + "label": 0 + }, + { + "text": "Sports equipment sales also progressed well owing to the prolonged winter season .", + "label": 1 + }, + { + "text": "Tesco is torn apart as watchdog finds supermarket repeatedly withheld payments from suppliers", + "label": -1 + }, + { + "text": "Operating profit improved by 44.0 % to ER 4.7 mn from EUR 3.3 mn in 2004 .", + "label": 1 + }, + { + "text": "Finnish cutlery and hand tools maker Fiskars Oyj Abp ( HEL : FISAS ) said today its net profit rose to EUR 24.1 million ( USD 33.6 m ) in the third quarter of 2010 from EUR 17.9 million a year earlier .", + "label": 1 + }, + { + "text": "Sales in Latin America increased by 42 % to EUR 432mn , and a total of 8.7 mn mobile devices were sold in the area , representing an increase of 32 % from the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "Operating profit fell to EUR 20.3 mn from EUR 74.2 mn in the second quarter of 2008 .", + "label": -1 + }, + { + "text": "The Kyroskoski investment is to be completed in late 2011 and the +ä+ñnekoski investment in the spring of 2012 .", + "label": 0 + }, + { + "text": "Its annual capacity is some 10,000 MW .", + "label": 0 + }, + { + "text": "The value of the order is USD 2.2 mn .", + "label": 0 + }, + { + "text": "Standard Chartered Not Raising Capital Yet As Dividend Cut", + "label": 0 + }, + { + "text": "Shire Offers to Buy Baxalta for $30 Billion", + "label": 1 + }, + { + "text": "UNC Charlotte would also deploy SSH Tectia Connector to enable secure application connectivity .", + "label": 0 + }, + { + "text": "`` With this new version it is very important for us to introduce a BIM process that is based on the detailed building information model .", + "label": 0 + }, + { + "text": "Halfords appoints Jonny Mason as new CFO", + "label": 0 + }, + { + "text": "Most of the dividend will go to the Grimaldi family .", + "label": 0 + }, + { + "text": "The period 's sales dropped to EUR30 .6 m from EUR38 .3 m , according to the interim report , released today .", + "label": -1 + }, + { + "text": "Roshan 's net sales in 2006 were $ 191 million and EBITDA was $ 66.5 million .", + "label": 0 + }, + { + "text": "Spain's CaixaBank Expects To Close Deal For Banco BPI", + "label": 1 + }, + { + "text": "CEOs of BPM, UBI meet Italy econ minister as M&A talk heats up", + "label": 0 + }, + { + "text": "Besides , as there is no depositor preference in Finland , senior debt and deposits rank on a par , which is also taken into consideration , the agency added .", + "label": 0 + }, + { + "text": "The equipment will be made at Vaahto 's plant in Hollola in Finland , and delivery is scheduled for the first quarter of 2009 .", + "label": 0 + }, + { + "text": "Tesco Cut to Junk at Moody's on Concern Revival to Take Time", + "label": -1 + }, + { + "text": "Secretive Barclays deal involved Qatari clients", + "label": 0 + }, + { + "text": "The concept enables a commercially affordable way to manufacture high-quality TCO coated glass for the solar industry .", + "label": 1 + }, + { + "text": "Early victory for new CEO as Morrisons beats forecasts", + "label": 1 + }, + { + "text": "AstraZeneca in Talks to Buy Cancer Drug Developer Acerta Pharma", + "label": 1 + }, + { + "text": "Two other sites will be included later on .", + "label": 0 + }, + { + "text": "Rio Tinto announces long-delayed expansion of Mongolia mine", + "label": 1 + }, + { + "text": "CompaniesPound to boost ABF for now, but mixed impact ahead", + "label": 1 + }, + { + "text": "Net income from life insurance rose to EUR 16.5 mn from EUR 14.0 mn , and net income from non-life insurance to EUR 22.6 mn from EUR 15.2 mn in 2009 .", + "label": 1 + }, + { + "text": "Due to Pirkka beer , Olvi 's brewery in Iisalmi is moving to 7-day , 24-hour work shifts .", + "label": 0 + }, + { + "text": "London Stock Exchange Shareholders Approve Merger With Deutsche Börse", + "label": 1 + }, + { + "text": "Cargo traffic fell 1 % year-on-year to 8,561 tonnes in September 2009 .", + "label": -1 + }, + { + "text": "The recruitment is related to the relocation of Stora Enso 's research operations to Karlstad , central Sweden .", + "label": 0 + }, + { + "text": "ARM shrugs off smartphone slowdown as newer designs win share", + "label": 0 + }, + { + "text": "REFILE-Hikma and Barclays help Britain's FTSE to climb higher", + "label": 1 + }, + { + "text": "Productional situation has now improved .", + "label": 1 + }, + { + "text": "However , the company saw its net profit for the third quarter down to EUR1 .4 m from EUR1 .5 m for the corresponding period of 2009 .", + "label": -1 + }, + { + "text": "Barclays launches first 100% mortgages since crisis", + "label": 0 + }, + { + "text": "Asahi could be about to snap up more of SABMiller's beers ahead of AB InBev sale", + "label": 1 + }, + { + "text": "NYSE owner ICE may gatecrash Deutsche Boerse-LSE merger", + "label": -1 + }, + { + "text": "The previous offer was 3.4 % of voting rights and 12.3 % of capital .", + "label": 0 + }, + { + "text": "Centrica prepared for takeover approach - chairman", + "label": 0 + }, + { + "text": "Rautaruukki aims to find work from the group 's other locations for those who have been made redundant .", + "label": 0 + }, + { + "text": "Operating profit improved by 39.9 % to EUR 18.0 mn from EUR12 .8 mn .", + "label": 1 + }, + { + "text": "Therefore , the company 's 2005 result will remain weaker than that of 2004 .", + "label": -1 + }, + { + "text": "Weir leads FTSE lower after oil price profits warning", + "label": -1 + }, + { + "text": "Domino's Pizza worker sacked after crude slur aimed at customer on order screen", + "label": -1 + }, + { + "text": "Old Mutual share price: Wealth unit seen as blue-chip company", + "label": 1 + }, + { + "text": "Standard Chartered faces fresh claims of Iran sanctions violations", + "label": -1 + }, + { + "text": "Grapevine city officials in September approved $ 35 million in tax rebates and grants for the expansion .", + "label": 1 + }, + { + "text": "Despite sales growth, UK's Tesco cautions recovery to be bumpy", + "label": 0 + }, + { + "text": "CompaniesUnilever sales lifted by ice cream in soft economy", + "label": 1 + }, + { + "text": "Following the transaction , Tulikivi restructured its operations into the Soapstone Fireplaces Business , Natural Stone Product Business and Ceramic Products Business units .", + "label": 0 + }, + { + "text": "Karppinen expects the consolidation trend to continue in the Finnish market .", + "label": 0 + }, + { + "text": "This organization will assume the responsibility for operations in Russia .", + "label": 0 + }, + { + "text": "Australia clears AB Inbev's $100 billion SABMiller buyout plan", + "label": 1 + }, + { + "text": "Diageo Shares Surge on Report of Possible Takeover by Lemann", + "label": 1 + }, + { + "text": "The divested stake represented about 2.7 m shares in Okmetic 's capital .", + "label": 0 + }, + { + "text": "The transaction is expected to be finalized by Dec 2009 .", + "label": 0 + }, + { + "text": "The EA Reng group posted sales of approximately 84 million kroons for 2007 .", + "label": 0 + }, + { + "text": "Barclays backs new iPhone and Android app that lets users send each other money using a bitcoin network", + "label": 0 + }, + { + "text": "Uponor improved its performance in spite of the decrease in residential construction in the US .", + "label": 1 + }, + { + "text": "Uponor maintains its full-year guidance for 2010 .", + "label": 0 + }, + { + "text": "A total of 131000 Talvivaara Mining Company Plc 's new shares were subscribed for during the period between May 1 , 2010 and June 30 , 2010 under the company 's stock option rights 2007A .", + "label": 0 + }, + { + "text": "Dirk Jones , head of Financial Institutions Client Sales Management , GTS , Citigroup , Inc , said , ` Citi is extremely pleased to be providing global custody services to Pohjola Group Bank .", + "label": 1 + }, + { + "text": "The bank VTB24 provides mortgage loans to buy apartments in the complex at 11-13 % per annum in rubles .", + "label": 0 + }, + { + "text": "InterContinental Hotels first-quarter global room revenue lags estimates", + "label": -1 + }, + { + "text": "Finnish silicon wafer technology company Okmetic Oyj OMX Helsinki : OKM1V said on Wednesday 17 September that it will invest EUR6m in its sensor wafer business during 2009 .", + "label": 0 + }, + { + "text": "Metso is a global supplier of sustainable technology and services for mining , construction , power generation , automation , recycling and the pulp and paper industries .", + "label": 0 + }, + { + "text": "The total investment in the Vantaa plant extension will amount to around 10 million euro , and Okmetic 's share of the investments will be worth around 2.7 million .", + "label": 0 + }, + { + "text": "The payment of 2.779 million litas in interest on a long-term loan provided by Ragutis ' majority shareholder , Estonia 's A. Le Coq , also added to the losses .", + "label": -1 + }, + { + "text": "US Seeks Huawei Records on Dealings With Sanctioned Nations", + "label": -1 + }, + { + "text": "As part of the transaction , the +ä+ñnekoski paper mill remained in M-real 's ownership and continued Galerie Art production for Sappi under a long-term contract .", + "label": 0 + }, + { + "text": "Aldi and Lidl expansion plans speed ahead as Tesco, Sainsbury's, Morrisons ...", + "label": 1 + }, + { + "text": "According to Finnish financial services group Sampo 's CEO , Bj+Ârn Wahlroos , Danish Danske Bank 's acquisition of Sampo Bank for EUR 4bn was the largest cash deal in Finland 's economic history .", + "label": 0 + }, + { + "text": "AstraZeneca to cut costs but stays silent on M&A talk", + "label": 0 + }, + { + "text": "It now owns 80,565 shares in Amer Sports Corporation , equaling 0.11 % of the company 's share capital and voting rights .", + "label": 0 + }, + { + "text": "Nordic Walking was first used as a summer training method by cross-country skiers .", + "label": 0 + }, + { + "text": "The Inventors are Ridge Justin , Bao Yiliang and Karczewicz Marta .", + "label": 0 + }, + { + "text": "The rationalization of the operations seeks to achieve over EUR 1 million in yearly savings as from the second quarter of the current financial year .", + "label": 1 + }, + { + "text": "WPP boosts sales despite cautious clients", + "label": 1 + }, + { + "text": "CompaniesUnilever sales lifted by ice cream in soft economy", + "label": 1 + }, + { + "text": "The total value of the deal is USD 29mn .", + "label": 0 + }, + { + "text": "The Internal Revenue Service sees about 20 percent of all taxpayers wait until the last two weeks to file , with about 40 million returns filed in April .", + "label": 0 + }, + { + "text": "Finnish media company Talentum Oyj 's net profit decreased to 2.5 mln euro ( $ 4.0 mln ) for the first quarter of 2008 from 3.0 mln euro ( $ 4.7 mln ) for the same period of 2007 .", + "label": -1 + }, + { + "text": "At first , Solteq 's services to companies operating in the St. Petersburg area will include maintenance and material management systems and data collection solutions .", + "label": 0 + }, + { + "text": "CompaniesPhilips transfers $900m of pension obligations", + "label": 1 + }, + { + "text": "Rimvesta is now controlled by the Estonian-owned real estate development company ELL Nekilnojamas Turtas , which a member of Merko , the largest construction group in the Baltic countries .", + "label": 0 + }, + { + "text": "According to the original merger plan , Scanfil would get a 79 % stake in the combined business .", + "label": 0 + }, + { + "text": "Kesko 's car import and retailing business , VV-Auto , saw sales grow by 17.1 pct .", + "label": 1 + }, + { + "text": "AstraZeneca in Talks to Buy Cancer Drug Developer Acerta Pharma", + "label": 1 + }, + { + "text": "( ADP News ) - Feb 12 , 2009 - Finnish construction company Lemminkainen Oyj ( HEL : LEM1S ) said today its net profit decreased to EUR 63.5 million ( USD 81.1 m ) for 2008 from EUR 80.6 million for 2007 .", + "label": -1 + }, + { + "text": "AstraZeneca bags another cancer drug deal, this time with Inovio", + "label": 1 + }, + { + "text": "The enterprise value of Maritim Food AS has been determined as approximately EUR15m .", + "label": 0 + }, + { + "text": "In the building and home improvement trade , sales decreased by 22.5 % to EUR 201.4 mn .", + "label": -1 + }, + { + "text": "We are very pleased with the fine co-operation between the two countries in recent times , he said .", + "label": 1 + }, + { + "text": "MegaFon 's subscriber base increased 16.1 % in 2009 to 50.5 million users as of December 31 , while its market share by the number of customers amounted to 24 % as of late 2009 , up from 23 % as of late 2008 , according to TeliaSonera estimates .", + "label": 1 + }, + { + "text": "Sale of Tesco's Clubcard business to WPP on the verge of collapse", + "label": -1 + }, + { + "text": "The Group 's turnover in 2006 was EUR 39.2 million , and operating profit was EUR 3.9 million .", + "label": 0 + }, + { + "text": "Insurer Old Mutual picks Standard Bank's Hemphill as new CEO", + "label": 0 + }, + { + "text": "Salcomp Manufacturing Oy will pay EUR 35 million in cash to Salcomp in connection with the implementation of the sale and transfer of the Business .", + "label": 0 + }, + { + "text": "HSBC, Standard Chartered Lead Asia Bank Rout as U.K. Votes 'Out'", + "label": -1 + }, + { + "text": "The broad-based WIG index ended Thursday 's session 0.1 pct up at 65,003.34 pts , while the blue-chip WIG20 was 1.13 down at 3,687.15 pts .", + "label": 0 + }, + { + "text": "Operating profit was EUR 11.4 mn , up from EUR 7.5 mn .", + "label": 1 + }, + { + "text": "Sales in Finland decreased by 2.0 % , and international sales decreased by 9.3 % in terms of euros , and by 15.1 % in terms of local currencies .", + "label": -1 + }, + { + "text": "Revenue in July to September grew 14 percent to ( EURO ) 467 million from a year earlier , the company said Thursday .", + "label": 1 + }, + { + "text": "Old Mutual faces backlash over £9m chief exec payout plan", + "label": -1 + }, + { + "text": "Operating profit totalled EUR 9.6 mn , down from EUR 42.0 mn the year before .", + "label": -1 + }, + { + "text": "FTSE steadies around 2-month low Diageo shares surge", + "label": 1 + }, + { + "text": "Whitbread Profit Up As Sales Continue To Rise, Looking For New CEO", + "label": 1 + }, + { + "text": "The sales of the Tiimari segment fell by 4.0 % year-on-year to EUR3 .3 m in June 2010 .", + "label": -1 + }, + { + "text": "Wolseley profit up 18%, warns on revenue growth", + "label": 1 + }, + { + "text": "The facility will be used to refinance Citycon 's existing credit facility , the company said .", + "label": 0 + }, + { + "text": "Honkarakenne mainly exports large luxury log houses to Russia to be used as one-family houses or holiday homes ; 70 % of sales go to the Moscow region , about 20 % to the St Petersburg region , and the remainder to other locations .", + "label": 0 + }, + { + "text": "According to the Finnish-Russian Chamber of Commerce , all the major construction companies of Finland are operating in Russia .", + "label": 0 + }, + { + "text": "Shropshire and Mid Wales trains to be hit again in new strike by Arriva drivers", + "label": -1 + }, + { + "text": "Loss after financial items totalled EUR 9.7 mn , compared to a profit of EUR 1.3 mn in the corresponding period in 2008 .", + "label": -1 + }, + { + "text": "Operating profit improved by 27 % to EUR 579.8 mn from EUR 457.2 mn in 2006 .", + "label": 1 + }, + { + "text": "Operating loss was EUR 179mn , compared to a loss of EUR 188mn in the second quarter of 2009 .", + "label": 1 + }, + { + "text": "Local government commissioner of +àm+Ñl , Kurt Svensson , says he will contact the management of Finnish company Componenta to find out if there are any alternatives to the company 's decision to close down its plant in +àm+Ñl .", + "label": 0 + }, + { + "text": "GlaxoSmithKline share price slips as FDA okays asthma therapy only for adults", + "label": -1 + }, + { + "text": "UK sells more of Lloyds bank stake, 12.5 billion pounds raised so far", + "label": -1 + }, + { + "text": "Both operating profit and net sales for the nine-month period increased , respectively by 26.6 % and 3.4 % , as compared to the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "Many of the commercial vessels had got stuck in the narrow Bay of Bothnia , where the ice is thicker , and around the Aaland islands .", + "label": -1 + }, + { + "text": "Less than ten people will face pension agreements .", + "label": 0 + }, + { + "text": "According to Finnair Technical Services , the measure is above all due to the employment situation .", + "label": 0 + }, + { + "text": "Viking will pay EUR 130 million for the new ship , which will be completed in January 2008 .", + "label": 0 + }, + { + "text": "At the end of the review period , Nordic Aluminium 's order book stood at EUR 8.77 mn compared to EUR 7.04 in 2005 .", + "label": 1 + }, + { + "text": "FTSE rallies off three-month low, boosted by StanChart, Sainsbury", + "label": 1 + }, + { + "text": "Barclays in $13.75 million US settlement over mutual funds", + "label": -1 + }, + { + "text": "The fair value of investment properties totalled EUR 2,299.9 mn , compared to EUR 2,229.5 mn in the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "UPDATE 1-Lloyds to cut 945 jobs as part of 3-year restructuring plan", + "label": -1 + }, + { + "text": "U.K. Stocks Little Changed Near Record as Barclays, Shell Fall", + "label": -1 + }, + { + "text": "Tyrv+ñinen is of the opinion that the airline has been repeating this for some time already , however .", + "label": 0 + }, + { + "text": "`` The transaction strengthens our position ... in design and branded goods , '' said Fiskars president and CEO Heikki Allonen , pointing out that the two groups have relatively few overlapping operations .", + "label": 1 + }, + { + "text": "The company expects sales revenue of RMB8 .0 billion in 2009 .", + "label": 0 + }, + { + "text": "Britain's FTSE slips from 2016 high as Sky falls", + "label": -1 + }, + { + "text": "`` Stonesoft sees great promise in the future of IPv6 .", + "label": 1 + }, + { + "text": "This will bring cost savings of about EUR 3mn a year .", + "label": 1 + }, + { + "text": "Jim Armitage: Barclays boss Jes Staley steps up to the plate with post-Leave positivity", + "label": 0 + }, + { + "text": "BAE Systems cuts earnings target for 2015 and 370 jobs", + "label": -1 + }, + { + "text": "Intertek Group announces strategic update outlining its plan", + "label": 0 + }, + { + "text": "Arm buoyed by race to build the internet of things", + "label": 1 + }, + { + "text": "The contract is worth some EUR 1 million .", + "label": 0 + }, + { + "text": "Operating result showed a loss of EUR 2.9 mn , while a year before , it showed a profit of EUR 0.6 mn .", + "label": -1 + }, + { + "text": "Sports Direct boss Mike Ashley summoned to Westminster for questioning over the treatment of workers", + "label": -1 + }, + { + "text": "CompaniesPhilips transfers $900m of pension obligations", + "label": 1 + }, + { + "text": "At the moment , there are approximately 20 Vianor sales offices in Russia .", + "label": 0 + }, + { + "text": "The corrected chapter is in its entirety below .", + "label": 0 + }, + { + "text": "Finnish Outotec has been awarded a contract to supply a new zinc roaster with gas cleaning and sulphuric acid plant for the OZK Kardzhali zinc smelter in Bulgaria .", + "label": 1 + }, + { + "text": "Le Lay succeeds Walter G++nter and will be based in Finland .", + "label": 0 + }, + { + "text": "News FeedFTSE 100 movers: LSE surges as ICE says mulling offer; Ashtead and Barclays tank", + "label": -1 + }, + { + "text": "RBS share price: Group plans to slash 600 jobs", + "label": -1 + }, + { + "text": "The Annual General Meeting approved that the yearly remuneration for the members of the Board of Directors shall remain at EUR 40.000 for the Chairman of the Board , EUR 30.000 for the Deputy Chairman of the Board and EUR 20.000 for other members of the Board .", + "label": 0 + }, + { + "text": "in Q1 '10 19 April 2010 - Finnish forest machinery and equipment maker Ponsse Oyj HEL : PON1V said today that it expects to swing to a net profit of some EUR6 .3 m in the first quarter of 2010 , from an EUR9 .6 m loss a year earlier .", + "label": 1 + }, + { + "text": "Tesco loses two more directors as Garfield and Tammenoms step down", + "label": -1 + }, + { + "text": "AstraZeneca sells US drug rights to Perrigo for $380 mln", + "label": 1 + }, + { + "text": "Standard Chartered Shifts Emerging-Markets Strategy After Losses", + "label": -1 + }, + { + "text": "Finland 's leading metals group Outokumpu said its fourth-quarter net profit more than tripled on the back of strong global demand for stainless steel , soaring base metal prices and proceeds from the sale of its technology unit .", + "label": 1 + }, + { + "text": "The statutory negotiations at headquarters are part of this decrease .", + "label": 0 + }, + { + "text": "Why not subscribe to the magazine ?", + "label": 0 + }, + { + "text": "AstraZeneca Acquires ZS Pharma in $2.7 Billion Deal", + "label": 1 + }, + { + "text": "Seppala transferred the sale to a greater extent than last year to February , and this is reflected on the January sales figures .", + "label": 0 + }, + { + "text": "UPDATE 3-BP settles oil spill-related claims with Halliburton, Transocean", + "label": 0 + }, + { + "text": "15 September 2010 - Finnish electrical components maker Salcomp Oyj ( HEL : SAL1V ) announced today the launch of its latest Twist charger platform .", + "label": 0 + }, + { + "text": "The full-function PC weighs 1.25 kilograms and measures slightly more than two centimeters thin .", + "label": 0 + }, + { + "text": "The fair value of the company 's investment properties went down to EUR2 .769 bn at the end of September 2009 from EUR2 .878 bn a year earlier .", + "label": -1 + }, + { + "text": "The size of the extension , 18.5 % of which already has been let , will have a gross area of about 2,830 sq m 30,460 sq ft .", + "label": 0 + }, + { + "text": "Managing Director Kari Inkinen says that Sponda 's leasing operations developed highly favourably .", + "label": 1 + }, + { + "text": "Industry NewsWood Group wins multi-million dollar contract with BP", + "label": 1 + }, + { + "text": "The indexes include the top companies that are committed to sustainable development .", + "label": 0 + }, + { + "text": "Belarus OAO Lidskoe Pivo brewery , based in the Grodno Region , reported a 1.1 % decrease in output to 1.045 million decaliters in January-March 2010 , a representative in the administration of the company told .", + "label": -1 + }, + { + "text": "There has been some recovery of the base metals prices and increased demand for metals in China , however .", + "label": 1 + }, + { + "text": "The shares shall be repurchased through public trading , for which reason the shares are repurchased otherwise than in proportion to the holdings of the shareholders .", + "label": 0 + }, + { + "text": "All the ferries had run into trouble just outside the Stockholm archipelago , made up of more than 20,000 islands .", + "label": -1 + }, + { + "text": "CEO of Berkshire's Gen Re to retire; Jain's role grows", + "label": 0 + }, + { + "text": "ITV Acquires 'Poldark' Production Company Mammoth Screen", + "label": 0 + }, + { + "text": "The Board established a Remuneration Committee with following members : - Sari Baldauf Chairman - Tapio Hintikka - Heikki Westerlund In addition , the Board decided to appoint a Nomination Committee at a later stage .", + "label": 0 + }, + { + "text": "`` In terms of profitability and earnings 2007 was the best year in our history , '' Chief Executive Veli-Matti Mattila said .", + "label": 1 + }, + { + "text": "In the third quarter of 2007 , net sales totaled EUR 25.95 mn , and operating profit EUR 3.88 mn .", + "label": 0 + }, + { + "text": "Russia 's Video International Group holds a controlling stake in Russian Media Ventures .", + "label": 0 + }, + { + "text": "Royal Bank of Scotland becomes Facebook customer", + "label": 1 + }, + { + "text": "Strategic and operational business information is objectively reported .", + "label": 0 + }, + { + "text": "Tesco Versus Sainsbury: Weight-Watcher vs. Bodybuilder", + "label": 1 + }, + { + "text": "The reductions will be implemented immediately , beginning in October 2009 .", + "label": 0 + }, + { + "text": "The front surfaces of these valve plates are directed towards each other .", + "label": 0 + }, + { + "text": "The port facilities ' throughput is 250,000 TEUs and 7.5 mln tons of general cargo .", + "label": 0 + }, + { + "text": "Cencorp 's net sales in the first quarter is estimated to be EUR0.9-1 .2 m , as compared to EUR4 .5 m in the first quarter 2008 .", + "label": -1 + }, + { + "text": "National Grid's pretax profit rises 15 percent", + "label": 1 + }, + { + "text": "Sampo Housing Loan Bank , a unit of Finland 's Sampo Bank , has priced its EUR1bn ( USD1 .3 bn ) bond at 99.889 % , Reuters reported .", + "label": 0 + }, + { + "text": "In addition to supplying a new headbox and a modern sizing and coating unit , Vaahto Group will provide erection supervision , training and start-up services .", + "label": 0 + }, + { + "text": "AstraZeneca does US$770mln anaesthetic deal", + "label": 1 + }, + { + "text": "Arvo Vuorenmaa , the Loviisa plant 's general manager said the application for the new licence was a `` standard '' procedure and that he was `` quite confident '' about approval being granted .", + "label": 1 + }, + { + "text": "Subscribers of China Unicom , the nation 's second largest mobile phone operator after China Mobile , are expected to release pictures , videos and blog on the Internet via mobile phones as of March 2008 .", + "label": 0 + }, + { + "text": "`` Overall , we 're pleased with the startup curve ... and we 're pleased with the quality of the paper , '' Stora spokeswoman Patricia Dietz said Tuesday .", + "label": 1 + }, + { + "text": "Operating profit totalled EUR 0.4 mn , up from an operating loss of EUR 0.8 mn year-on-year .", + "label": 1 + }, + { + "text": "Salcomp 's charger manufacturing plant in India is located in the Nokia Telecom Park in the state of Tamil Nadu , in the eastern part of India .", + "label": 0 + }, + { + "text": "Profit after taxes totaled EUR 12.1 mn .", + "label": 0 + }, + { + "text": "UPDATE 1-Norway's Statoil shakes up top management, replaces CFO", + "label": 0 + }, + { + "text": "Rapala VMC Corporation Rapala , a leading fishing tackle and sporting goods manufacturer and distributor , is the main owner of Peltonen with its 80 % shareholding .", + "label": 0 + }, + { + "text": "Tesco Sale Is Asia's Biggest Private-Equity Deal", + "label": 1 + }, + { + "text": "UPDATE 1-BP reports worst annual loss in at least 20 years, cuts more jobs", + "label": -1 + }, + { + "text": "Teleste and Sentry 360 have formed an integration partnership between Sentry s advanced 360-degree immersive camera product line and Teleste s enterprise video management systems .", + "label": 1 + }, + { + "text": "BP set to cut hundreds of jobs at North Sea operations", + "label": -1 + }, + { + "text": "Oil majors like Royal Dutch Shell, Chevron, BP fail to find reserves to counter ...", + "label": -1 + }, + { + "text": "Initial estimated total value of the contract was 250 000 Euros , excluding VAT .", + "label": 0 + }, + { + "text": "The Group , with net sales of EUR 235 million in 2009 , employs more than 2 000 people in 33 countries .", + "label": 0 + }, + { + "text": "AstraZeneca sells Caprelsa rights to Sanofi unit", + "label": 1 + }, + { + "text": "Ruling sets lower limit on potential fine for BP", + "label": -1 + }, + { + "text": "AstraZeneca cancer drug may not be so fast getting to market", + "label": -1 + }, + { + "text": "Joint procurement will be later extended to the factories in the Baltic countries .", + "label": 0 + }, + { + "text": "What It Takes for Royal Dutch Shell to Break Even", + "label": 0 + }, + { + "text": "Glaxo's ViiV Healthcare Signs China Manufacturing Deal With Desano", + "label": 1 + }, + { + "text": "The company 's net profit amounted to EE 55.5 mn , which was 36 % more than in 2004 .", + "label": 1 + }, + { + "text": "Barclays poised to replace Sir Mike Rake as he heads for exit", + "label": 0 + }, + { + "text": "By implementing the software the Finnish Army aims to unify and improve its operations in these application areas , QPR Software stated .", + "label": 1 + }, + { + "text": "The firm 's UK head office is in Rugby Road , Lutterworth .", + "label": 0 + }, + { + "text": "`` Our approach is very much to only use raw materials that are produced in line with the principles of sustainable development .", + "label": 0 + }, + { + "text": "Tesco sells Blinkbox and broadband service to TalkTalk", + "label": 0 + }, + { + "text": "Its 168 asset management experts manage assets worth over EUR 35 billion .", + "label": 0 + }, + { + "text": "Tata Steel working with StanChart for UK unit sale - source", + "label": 1 + }, + { + "text": "In the first quarter of 2010 , the mark-to-market result was a pretax profit of EUR 133 million versus a loss of EUR 32 million in the same period last year .", + "label": 1 + }, + { + "text": "The business development initiatives in North America are headed by Lynn Shanahan .", + "label": 0 + }, + { + "text": "Tesco UK personnel director quits supermarket", + "label": -1 + }, + { + "text": "The lay-offs will affect 240 people out of the total 320 Okmetic employees in Finland .", + "label": -1 + }, + { + "text": "These restrictions do not apply to statutory dividends .", + "label": 0 + }, + { + "text": "Stars aligned' for AB InBev's megabrew merger plan", + "label": 1 + }, + { + "text": "LPC-Glencore launches refinancing of $8.45billion loan", + "label": 0 + }, + { + "text": "SABMiller buys Meantime to quench thirst for craft beer", + "label": 1 + }, + { + "text": "Sunrise Resources operates in Russian near-shore development markets through its wholly-owned Russian subsidiary and has 80 % of its personnel in Russia .", + "label": 0 + }, + { + "text": "BP ends 27-year sponsorship of Tate as falling oil price takes toll", + "label": -1 + }, + { + "text": "Profits Fall 25% At Standard Chartered PLC: Should You Buy Or Sell?", + "label": -1 + }, + { + "text": "InterContinental Hotels Denies Reports of Starwood Merger Talks", + "label": 0 + }, + { + "text": "Standard Life share price: Group gets approval to hike stake in India JV", + "label": 1 + }, + { + "text": "AB InBev offers SABMiller $3 billion breakup fee", + "label": 0 + }, + { + "text": "In a release on Oct. 28 , Peab said the two businesses will continue to be conducted under the brands Cliffton and Stockholm Entreprenad , both part of the Peab Group .", + "label": 0 + }, + { + "text": "CompaniesThiam received £5m pay packet for final months at Prudential", + "label": 0 + }, + { + "text": "Finnish investment group Panostaja Oyj said its net profit went up to 8.6 mln euro $ 11.4 mln in fiscal 2005-06 , ended October 31 , 2006 , from 2.8 mln euro $ 3.7 mln in the same period of fiscal 2004-05 .", + "label": 1 + }, + { + "text": "Tesco shareholders back ITV head for chairman", + "label": 0 + }, + { + "text": "Den Bosch-based TomTom is Europe 's largest maker of automotive navigation devices , while Cayman Islands-based Garmin is larger in the U.S. and overall .", + "label": 0 + }, + { + "text": "Tesco sales recover as focus returns to core business", + "label": 1 + }, + { + "text": "REFILE-Aviva Investors to move 34 bln euros in assets from AXA fund arm", + "label": -1 + }, + { + "text": "ISMS does not disclose its financial results , the daily said .", + "label": 0 + }, + { + "text": "If needed , she provides also further information on ferry connections and hotels .", + "label": 0 + }, + { + "text": "The report will be emailed within 2 business days of an order .", + "label": 0 + }, + { + "text": "The recovery of demand that started toward the end of 2009 , continued in January-March 2010 .", + "label": 1 + }, + { + "text": "Aspokem posted an operating profit of 2.7 mln euro ( $ 3.5 mln ) and net sales of 89.1 mln euro ( $ 116.8 mln ) in 2006 .", + "label": 0 + }, + { + "text": "Number of offers received for this contract is two .", + "label": 0 + }, + { + "text": "561,470 new shares under 2003 option rights plan Packaging company Huhtamaki Oyj reported on Monday that a total of 561,470 new shares of the company have been issued based on share subscriptions under its 2003 option rights plan .", + "label": 0 + }, + { + "text": "The other two sellers were the Finnish National Fund for R&D ( Sitra ) and Oras Invest Oy , which also sold half of their shareholdings , leaving them with 3.8 pct and 3.2 pct of the company respectively .", + "label": 0 + }, + { + "text": "Under the transaction agreement , Metsaliitto will purchase 24.7 % of Metsa-Botnia 's shares from UPM and 3 % from M-real .", + "label": 0 + }, + { + "text": "Following the issue , the new shares will constitute 10 percent of the firm 's capital .", + "label": 0 + }, + { + "text": "She will succeed Krister Kylas , who has decided to leave TeliaSonera .", + "label": 0 + }, + { + "text": "UPDATE 1-RBS raising $3.1 billion through issue of CoCo bonds", + "label": 0 + }, + { + "text": "Cohen & Steers , Inc. : 5 534 626 shares representing 4.985 % of the share capital and voting rights .", + "label": 0 + }, + { + "text": "Amazon to attack UK grocery market with Morrisons deal", + "label": 1 + }, + { + "text": "The unit is planned to be operational during the second half of 2007 and in full stream in 2008 .", + "label": 0 + }, + { + "text": "The platform would continue to be the development framework for Symbian and MeeGo .", + "label": 0 + }, + { + "text": "The price of GMO soy is 5 % -7 % lower than that of non-GMO .", + "label": 0 + }, + { + "text": "Standard Life slips as Greek worries peg back Britain's FTSE", + "label": -1 + }, + { + "text": "The chain is to unite 45-50 centres by the end of 2008 .", + "label": 0 + }, + { + "text": "CompaniesTesco sheds Harris & Hoole coffee shops", + "label": 1 + }, + { + "text": "At 12.59 pm , the OMX Helsinki 25 index was 0.32 pct lower at 2,694.81 .", + "label": -1 + }, + { + "text": "Finnish software company QPR Software Plc ( OMX Helsinki : QPR1V ) reported on Thursday ( 23 October ) an operating profit of EUR63 ,000 on net sales of EUR1 .5 m for the third quarter 2008 .", + "label": 0 + }, + { + "text": "Industry NewsWolseley confident in reslilience amid mixed markets", + "label": 1 + }, + { + "text": "schwalm ( at ) outotec.com Eila Paatela , Vice President - Corporate Communications tel. +358 20 529 2004 , mobile +358 400 817198 e-mail eila .", + "label": 0 + }, + { + "text": "To check them out or to make a bid they will be in the Deka Showroom , Fortitude Valley .", + "label": 0 + }, + { + "text": "Finnish aluminium products manufacturer Nordic Aluminium Plc ( OMX Helsinki : NOA1V ) reported on Monday ( 18 August ) an operating profit of EUR7 .9 m on net sales of EUR55 .2 m for the period January-June 2008 .", + "label": 0 + }, + { + "text": "TalkTalk hires BAE Systems to investigate cyber attack", + "label": 0 + }, + { + "text": "Insight - Britain's bank tax jump threatens to push HSBC, StanChart to new home", + "label": 0 + }, + { + "text": "RFID ( Radio Frequency Identification ) is a method of so-called intelligent transport , whereby information can be read and saved remotely .", + "label": 0 + }, + { + "text": "The total capacity of the factory will be approximately 100 engines a year .", + "label": 0 + }, + { + "text": "For example , net sales increased by 5.9 % from the first quarter , and EBITDA increased from a negative EUR 0.2 mn in the first quarter of 2009 .", + "label": 1 + }, + { + "text": "In future , the plant will focus on the production of flange profiles for wind farm towers .", + "label": 0 + }, + { + "text": "The total project duration is three years and it is valued at some EUR11 .5 m.", + "label": 0 + }, + { + "text": "Persimmon sees post-election pick-up", + "label": 1 + }, + { + "text": "`` There is no room to modify the share component as we have already indicated . ''", + "label": 0 + }, + { + "text": "Royal Dutch Shell to Buy BG Group for Nearly $70 Billion", + "label": 1 + }, + { + "text": "Tulikivi manufactures heat-retaining , soapstone and ceramic fireplaces , as well as natural stone products and utility ceramics .", + "label": 0 + }, + { + "text": "Incap Contract Manufacturing will carry out the manufacturing for these agreements at its factory in Tumkur , near Bangalore .", + "label": 0 + }, + { + "text": "As part of its new strategy , Finnish Biohit is planning to incorporate its diagnostics business into a separate limited company .", + "label": 0 + }, + { + "text": "The representative body of Swedish Meats approved an improved offer from Finnish HK Ruokatalo to acquire the company .", + "label": 1 + }, + { + "text": "Finnish Food Workers ' Union SEL plans to hasten its collective bargaining with a two-day strike that would begin on 7 April 2010 , in Finland .", + "label": -1 + }, + { + "text": "ARM Holdings plc Partners With International Business Machines Corp. To Drive ...", + "label": 1 + }, + { + "text": "Barclays denies deferred prosecution offer from SFO", + "label": 0 + }, + { + "text": "Glencore sells agriculture stake for $2.5bn", + "label": 1 + }, + { + "text": "Balfour Beatty plc Set To Reinstate Dividend (And Rival National Grid plc And Centrica PLC Once More?)", + "label": 1 + }, + { + "text": "Benefon will turn the Salo unit into a B2B business unit and establish a B2C business unit in the UK .", + "label": 0 + }, + { + "text": "`` My wife is looking forward to getting a paycheck again , '' he quipped recently as a six-knot current swirled around his anchored and heavily sponsored jet sled .", + "label": 0 + }, + { + "text": "Unilever Continues to Battle Soft Demand", + "label": -1 + }, + { + "text": "HSBC chief hit with tax-avoidance scandal", + "label": -1 + }, + { + "text": "Why Shell Cut Ties to Conservative Lobby Group Over Climate Change", + "label": 0 + }, + { + "text": "Helge Lund moves to BG a month early", + "label": 0 + }, + { + "text": "Rolls-Royce to Ensure Compliance After Petrobras Bribery Report", + "label": -1 + }, + { + "text": "The buyer is real estate owner Propertos Oy , but the companies have agreed not to disclose financial details of the deal .", + "label": 0 + }, + { + "text": "ALEXANDRIA , Va. , June 7 -- Michael G. Williams of Newbury Park , Calif. , has developed a network device .", + "label": 0 + }, + { + "text": "The price of raw material aluminium went up at the end of 2005 , but the company considers its outlook for 2006 favourable .", + "label": 1 + }, + { + "text": "Operating loss totaled EUR 0.3 mn compared to a profit of EUR 2.2 mn in the corresponding period in 2007 .", + "label": -1 + }, + { + "text": "Eero Katajavuori , currently Group Vice President , Human Resources , will take a year-long sabbatical starting from October 1 , 2010 .", + "label": 0 + }, + { + "text": "The Diameter Protocol is developed according to the standards IETF RFC 3588 and IETF RFC 3539 .", + "label": 0 + }, + { + "text": "London Stock Exchange seals £22 billion merger with Germany's Deutsche Börse", + "label": 1 + }, + { + "text": "Investments in product development stood at 6.0 mln euro ( $ 8.8 mln ) .", + "label": 0 + }, + { + "text": "According to Saarioinen 's Managing Director Ilkka M+ñkel+ñ , the food industry sector has a significant excess of production machinery .", + "label": 0 + }, + { + "text": "BP asks for lower fine in penalty phase of Gulf spill trial", + "label": 0 + }, + { + "text": "Finnish insurance company Fennia and Kesko Group are ending their loyal customer cooperation .", + "label": -1 + }, + { + "text": "Olli-Pekka Kallasvuo was elected as vice chairman of the Board .", + "label": 0 + }, + { + "text": "Okmetic closed its plant in Espoo in early 2004 , and all production lines from the site were moved to Okmetic 's plants in Vantaa , Finland and Texas , USA .", + "label": 0 + }, + { + "text": "Finnish electronics contract maker Incap Oyj said on January 3 , 2008 it sold its manufacturing facilities in Helsinki to local real estate company Sponda Oyj for 5.3 mln euro ( $ 7.8 mln ) .", + "label": 0 + }, + { + "text": "Bunzl delivers small profit increase for 2014", + "label": 1 + }, + { + "text": "Operating loss landed at EUR39m including one-offs and at EUR27m excluding one-offs .", + "label": 0 + }, + { + "text": "The Coca-Cola Company and Coca-Cola FEMSA to Acquire AdeS Soy-Based Beverage Business From Unilever", + "label": 1 + }, + { + "text": "Revenues at the same time grew 14 percent to 43 million euros .", + "label": 1 + }, + { + "text": "The name of the buyer was not disclosed .", + "label": 0 + }, + { + "text": "No financial details were reported .", + "label": 0 + }, + { + "text": "Carnival Corporation and China Merchants Group Sign Memo of Understanding ...", + "label": 0 + }, + { + "text": "Glaxo's ViiV Healthcare Signs China Manufacturing Deal With Desano", + "label": 1 + }, + { + "text": "UPDATE 1-Nomura, RBS must pay $806 mln in mortgage bond case-US judge", + "label": -1 + }, + { + "text": "Shire rises as dry eye treatment sails through trial", + "label": 1 + }, + { + "text": "The company reported net sales of 302 mln euro $ 441.6 mln and an operating margin of 16 pct in 2006 .", + "label": 0 + }, + { + "text": "Cameco typically prices sales contracts using a 40:60 ratio of fixed prices and spot prices .", + "label": 0 + }, + { + "text": "Berkshire Bought Apple Stake at $99.49 a Share, Filing Shows", + "label": 0 + }, + { + "text": "The value of the order is USD 2.3 mn .", + "label": 0 + }, + { + "text": "The rewards to be paid on the basis of the earning period 2011 will correspond to the value of a maximum total of 364,000 Componenta Corporation shares including also the proportion to be paid in cash .", + "label": 0 + }, + { + "text": "Scanfil plc is a global contract manufacturer and systems supplier for communication and industrial electronics .", + "label": 0 + }, + { + "text": "CompaniesCoutts raids JPMorgan Chase for new CEO", + "label": 0 + }, + { + "text": "Aviva plans to up pay-out ratio, says too soon to judge Brexit impact", + "label": 0 + }, + { + "text": "Morrisons and Debenhams surprise City with Christmas bounce back", + "label": 1 + }, + { + "text": "GlaxoSmithKline's CEO Witty to bow out in March 2017", + "label": 0 + }, + { + "text": "It inspects the companys strategic strengths and weaknesses .", + "label": 0 + }, + { + "text": "LSE-Deutsche Boerse merger would signal end to exchange mega-deals", + "label": 0 + }, + { + "text": "The scope of the project is to find the most cost-efficient method for phosphorous removal and to deliver the storing and dosing equipment , which can be used in continuous operation at the plants .", + "label": 0 + }, + { + "text": "In his current position , Manty has worked since 1996 .", + "label": 0 + }, + { + "text": "WPP wins race for 'programmatic buying' agency Essence Digital", + "label": 1 + }, + { + "text": "Sharm el-Sheikh travel disruption: British Airways, EasyJet, Thomson and ...", + "label": -1 + }, + { + "text": "Sanofi poaches AstraZeneca scientist as new research head", + "label": 0 + }, + { + "text": "It is now the leading private road ambulance service company in Finland .", + "label": 1 + }, + { + "text": "The planned facility , estimated to cost around $ 814 million , would be the largest biodiesel plant in the world , and use palm oil certified by the Roundtable on Sustainable Palm Oil ( RSPO ) .", + "label": 1 + }, + { + "text": "Net sales of Finnish food industry company L+ñnnen Tehtaat 's continuing operations increased by 13 % in 2008 to EUR 349.1 mn from EUR 309.6 mn in 2007 .", + "label": 1 + }, + { + "text": "Trading ExpertBROKER RECOMMENDATIONSAnalysts mostly negative on Aberdeen but some see value", + "label": -1 + }, + { + "text": "A memorandum of understanding on cooperation between the Finnish Global Chemical Company KEMIRA and Vietnam National Chemicals Group ( Vinachem ) was signed on this occasion .", + "label": 1 + }, + { + "text": "Diageo offloads major wine interests", + "label": -1 + }, + { + "text": "Morrisons book second consecutive quarter of sales growth", + "label": 1 + }, + { + "text": "Dave Lewis paid £4.1m for first 6 months at Tesco", + "label": 0 + }, + { + "text": "The bond , with a maturity of five years , is part of the bank 's domestic bond program .", + "label": 0 + }, + { + "text": "The agreement will provide The Switch with double the converter capacity , whilst opening up further manufacturing locations in China .", + "label": 1 + }, + { + "text": "Entertainment One dispels ITV takeover rumours", + "label": 0 + }, + { + "text": "Finnish forest industry group Stora Enso Oyj issued on Thursday ( 20 March ) a profit warning for the first quarter 2008 .", + "label": -1 + }, + { + "text": "Finnish silicon wafers manufacturer Okmetic Oyj said it swung to a net profit of 4.9 mln euro $ 6.3 mln in the first nine months of 2006 from a net loss of 1.8 mln euro $ 2.3 mln a year earlier .", + "label": 1 + }, + { + "text": "Poyry is a global consulting and engineering firm focusing on the energy , forest industry and infrastructure & environment sectors .", + "label": 0 + }, + { + "text": "Rautakesko 's business operations in Norway and Russia , acquired in July 2005 , are included in the figures of the comparable period , impacting sales growth starting from August .", + "label": 0 + }, + { + "text": "By combining its existing solutions into a single platform , Comptel said that it has reduced the cost of deployment .", + "label": 1 + }, + { + "text": "The share subscription period will expire on 30 September 2007 .", + "label": 0 + }, + { + "text": "InterContinental Hotels denies exploring sale or merger", + "label": 0 + }, + { + "text": "The company generates net sales of about 600 mln euro $ 775.5 mln annually and employs 6,000 .", + "label": 0 + }, + { + "text": "The order is a follow-on to an 11 mln euro ( $ 16.1 mln ) deal made in July 2007 .", + "label": 0 + }, + { + "text": "2 Turnaround Buys For 2016? BHP Billiton plc And Home Retail Group Plc", + "label": 1 + }, + { + "text": "British American Tobacco drops and sues PwC over pollution scandal", + "label": -1 + }, + { + "text": "Neste Shipping is the most likely to remain Finnish as the oil sector and its transports are significant for emergency supply .", + "label": 0 + }, + { + "text": "ARM Royalties Accelerate as Smartphone Market Regains Strength", + "label": 1 + }, + { + "text": "Tesco leads leap in FTSE 100; Marks & Spencer drops", + "label": -1 + }, + { + "text": "Compass Group says positive for year ahead", + "label": 1 + }, + { + "text": "All are welcome .", + "label": 0 + }, + { + "text": "The company 's market share is continued to increase further .", + "label": 1 + }, + { + "text": "Lloyds Banking Group's share price lifts amid reports bank is poised to axe hundreds of UK jobs", + "label": 1 + }, + { + "text": "Ahlstrom , headquartered in Helsinki , Finland , is a global leader in the development , manufacture and marketing of high performance fibre-based materials .", + "label": 0 + }, + { + "text": "Cramo is a service company specialising in construction machinery and equipment rental and rental-related services , as well as the rental and sale of modular space .", + "label": 0 + }, + { + "text": "Shire Offers to Buy Baxalta for $30 Billion", + "label": 1 + }, + { + "text": "Nevertheless , the development can not be allowed to ruin the print newspaper , which continues to be Sanoma News ' main medium .", + "label": 0 + }, + { + "text": "The bridge will be 1.2 km long and is located between Anasmotet by the road E20 and the new traffic junction in Marieholm by the road E45 .", + "label": 0 + }, + { + "text": "Performance is based on values and sustainability .", + "label": 0 + }, + { + "text": "Failure of leadership' behind Tesco troubles, says former CEO Leahy", + "label": -1 + }, + { + "text": "The handset maker did not disclose any financial details .", + "label": 0 + }, + { + "text": "Together they generate Aspo 's goodwill .", + "label": 0 + }, + { + "text": "Standard Chartered Will Close Equity Sales and Research Business", + "label": -1 + }, + { + "text": "Operating profit excluding non-recurring items decreased to EUR 6.2 mn from EUR 16.8 mn in 2007 , representing 2.3 % of net sales .", + "label": -1 + }, + { + "text": "Royal Mail chairman Donald Brydon set to step down", + "label": -1 + }, + { + "text": "Exports accounted for 65.4 % of net sales , representing an all time record for the company .", + "label": 1 + }, + { + "text": "Net cash flow from operating activities was a negative EUR 3.1 mn , compared to EUR 23.3 mn in the corresponding period in 2009 .", + "label": -1 + }, + { + "text": "Pearson expects to return to growth this year", + "label": 1 + }, + { + "text": "Dixons Carphone profit boost on strong sales", + "label": 1 + }, + { + "text": "On 20 March 2006 , Stora Enso refused to comment the news in any way .", + "label": 0 + }, + { + "text": "So far the company has awarded more than $ 350,000 worth of tools and materials .", + "label": 0 + }, + { + "text": "The flagship will open this fall in Manhattan 's Flatiron District in the `` Toy Building , '' at 200 Fifth Avenue .", + "label": 0 + }, + { + "text": "Passengers rise at EasyJet and Aer Lingus", + "label": 1 + }, + { + "text": "Raute reported a loss per share of EUR0 .86 for the first half of 2009 , against EPS of EUR0 .74 in the corresponding period of 2008 .", + "label": -1 + }, + { + "text": "We are pleased to invite you to join M-real 's international conference call at 3:00 p.m. EET .", + "label": 0 + }, + { + "text": "United Utilities' full-year underlying operating profit falls 9 percent", + "label": -1 + }, + { + "text": "Our standardised services have met with a positive reception among our customers as well as at Itella .", + "label": 1 + }, + { + "text": "According to PKC , the acquisition would bring a significant addition to PKC 's customer base .", + "label": 1 + }, + { + "text": "Exports grew 16.5 percent to 19.1 million liters .", + "label": 1 + }, + { + "text": "Kinder Morgan and BP Form Joint Venture Limited Liability Company to Purchase ...", + "label": 1 + }, + { + "text": "Glencore chief blames rivals' overproduction for share price fall", + "label": -1 + }, + { + "text": "The facility consists of a seven year bullet term loan of 200 mln euro $ 292.4 mln and a 150 mln euro $ 219.3 mln five year revolving credit facility .", + "label": 0 + }, + { + "text": "These new units will be built at Cargotec 's state of the art manufacturing facility in San Antonio , Texas , USA , which started operations in 2009 .", + "label": 0 + }, + { + "text": "Anheuser-Busch InBev Increases Offer for Rival SABMiller", + "label": 0 + }, + { + "text": "BHP Billiton says no settlement yet on Brazil dam disaster", + "label": -1 + }, + { + "text": "The firm builds components for mobile phones and other communications products .", + "label": 0 + }, + { + "text": "Rohwedder Group is an automotive supplies , telecommunications and electronics industry provider for customers in Europe , North America and Asia .", + "label": 0 + }, + { + "text": "Broker tips: RBS, Croda, Sage", + "label": 1 + }, + { + "text": "`` We are pleased with the efforts of both negotiating teams and look forward to a productive four years ahead . ''", + "label": 1 + }, + { + "text": "LSE gets Hong Kong regulatory nod to HK firms to become LSE members", + "label": 1 + }, + { + "text": "Shell to Go Ahead With Petrochemical Plant in Pennsylvania", + "label": 1 + }, + { + "text": "Royal Dutch Shell to Buy BG Group for Nearly $70 Billion", + "label": 1 + }, + { + "text": "EPS from continuing operations came in at 0.30 eur , up from 0.17 .", + "label": 1 + }, + { + "text": "The event can also be viewed as a live webcast at www.cargotec.com .", + "label": 0 + }, + { + "text": "UK MORNING BRIEFING: Sky And Hargreaves Lansdown Bookend FTSE 100", + "label": 0 + }, + { + "text": "The reductions will be concluded by autumn 2010 .", + "label": 0 + }, + { + "text": "UK WINNERS & LOSERS: Aviva And Friends Life Lead FTSE 100 Gainers", + "label": 1 + }, + { + "text": "FTSE boosted by Dixons Carphone with Fed in focus", + "label": 1 + }, + { + "text": "Entertainment One dispels ITV takeover rumours", + "label": 0 + }, + { + "text": "Includes company and brand share data by category , as well as distribution channel data .", + "label": 0 + }, + { + "text": "UPDATE 3-Barclays sells Italian branches to Mediobanca at a loss", + "label": 1 + }, + { + "text": "3G Capital, Warren Buffett's Favorite Partner in Deals Worth Billions", + "label": 1 + }, + { + "text": "Terms were not disclosed .", + "label": 0 + }, + { + "text": "Talvivaara also maintains its assumption of turning cash flow positive before the year end .", + "label": 1 + }, + { + "text": "Consolidated operating profit excluding one-off items was EUR 30.6 mn , up from EUR 29.6 mn a year earlier .", + "label": 1 + }, + { + "text": "Operating profit rose to EUR 13.5 mn from EUR 9.7 mn in the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "The scheme for TeliaSonera and Altimo is practically identical , except that it involves the merger of their stakes in VimpelCom and Kyivstar .", + "label": 0 + }, + { + "text": "The real estate company posted a net loss of +ó x201a -¼ 59.3 million +ó x201a -¼ 0.21 per share compared with a net profit of +ó x201a -¼ 31 million +ó x201a -¼ 0.11 per share for the corresponding quarter of 2007 .", + "label": -1 + }, + { + "text": "Randgold Resources third quarter profit slips despite record production", + "label": -1 + }, + { + "text": "The terms and conditions of the year 2003 stock option scheme were published in a stock exchange release on 31 March 2003 .", + "label": 0 + }, + { + "text": "The RME from Telcontar enables the handset to calculate the best route and includes support for user-defined routes , feature navigability and multi-modal routing such as via foot and ferry .", + "label": 0 + }, + { + "text": "L&T 's net profit for the whole 2010 dropped to EUR 36 million from EUR 45 million for 2009 .", + "label": -1 + }, + { + "text": "IMI posts drop in first-quarter organic revenue; warns on full year", + "label": -1 + }, + { + "text": "ADPnews - Dec 23 , 2009 - Norwegian financial services group SpareBank 1 Gruppen AS OSL : SBGRP said its board of directors appointed today Jarle Haug managing director of its claims collection subsidiary SpareBank 1 Gruppen Finans", + "label": 0 + }, + { + "text": "Her last position in Nokia Siemens Networks was head of Business Human Resources NSN global IT .", + "label": 0 + }, + { + "text": "AstraZeneca Acquires ZS Pharma in $2.7 Billion Deal", + "label": 1 + }, + { + "text": "Profit for the period totaled EUR 39.4 mn , up from EUR 33.9 mn in the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "Return on investment was 5.0 % , compared to a negative 4.1 % in 2009 .", + "label": 1 + }, + { + "text": "Oka specialises in new construction , renovation work of residential and non-residential building as well as premises for industrial and logistical use .", + "label": 0 + }, + { + "text": "The five-storey , eco-efficient building will have a gross floor area of about 15,000 sq m. It will also include apartments .", + "label": 0 + }, + { + "text": "US STOCKS-Wall St rises on Berkshire deal, China stimulus hopes", + "label": 1 + }, + { + "text": "RBI surprises Street; Sensex pares gains after hitting mount 30k", + "label": 1 + }, + { + "text": "We succeeded in increasing our market share of sold apartment '' , comments Mr Kari Kauniskangas , Head of YIT International Construction Services .", + "label": 1 + }, + { + "text": "Svyturys-Utenos Alus , which is controlled by the Nordic group Baltic Beverages Holding ( BBH ) , posted a 4.7-per-cent growth in beer sales for January-May to 46.22 million litres .", + "label": 1 + }, + { + "text": "The contracts of the employees , 96 of whom are blue-collar workers , will be ended between March and August 2011 .", + "label": -1 + }, + { + "text": "Product coverage : baked goods ; biscuits ; breakfast cereals Data coverage : market sizes historic and forecasts , company shares , brand shares and distribution data .", + "label": 0 + }, + { + "text": "Aberdeen AM posts H1 outflows, says conditions to remain challenging", + "label": -1 + }, + { + "text": "The original name Componenta +àm+Ñl , as a subsidiary of the Finnish Componenta Group , has been changed to +àm+Ñl Components and the company has seen a 63 % growth in Q1 2010 , in comparison to Q1 2009 .", + "label": 1 + }, + { + "text": "Finnish broadband data communication systems provider Teleste Oyj HEL : TLT1V said yesterday it returned to a net profit of EUR 2.7 million USD 3.8 m for the first nine months of 2010 versus a net loss of EUR 579,000 for the same period of 2009 .", + "label": 1 + }, + { + "text": "`` Our design team has long admired Marimekko 's vivid patterns and colors .", + "label": 1 + }, + { + "text": "Net interest income totaled EUR 15.9 mn , compared to EUR 15.6 mn a year earlier .", + "label": 1 + }, + { + "text": "Cuadrilla and protesters await Lancashire fracking decision", + "label": 0 + }, + { + "text": "UK MORNING BRIEFING: Sky And Hargreaves Lansdown Bookend FTSE 100", + "label": 0 + }, + { + "text": "NYSE owner ICE considers offer for LSE", + "label": 0 + }, + { + "text": "Through the Nordic Exchange , OMX offers access to approximately 80 percent of the Nordic and Baltic securities market .", + "label": 0 + }, + { + "text": "Operating margin , however , slipped to 14.4 % from 15.1 % , dragged down by a poor performance in enterprise solutions .", + "label": -1 + }, + { + "text": "Royal Bank of Scotland fortunes ebbed and flowed under 3 chiefs", + "label": 0 + }, + { + "text": "Deals Help Shrink Glencore's Mountain of Debt", + "label": 0 + }, + { + "text": "Shares in BAE Systems hit 10-month high on rating upgrade", + "label": 1 + }, + { + "text": "Neste Oil said that while results from its biomass to 3 liquids demonstration plant , commissioned in June 2009 , have been promising , no decision on a commercial plant has been taken .", + "label": 0 + }, + { + "text": "AstraZeneca chases Acerta to secure next cancer drug winner", + "label": 1 + }, + { + "text": "Tyrvaan Sanomat , published twice a week by Tyrvaan Sanomat Oy , appears in Sastamala and Kiikoinen .", + "label": 0 + }, + { + "text": "Jukka Hienonen , the current Finnair CEO , will step down at the end of January 2010 .", + "label": 0 + }, + { + "text": "Teleste has some 30 offices worldwide and is listed on the Nordic Exchange in Helsinki .", + "label": 0 + }, + { + "text": "Genel Shares Plunge After Tony Hayward's Oil Explorer Cuts Crude Reserves at Core Field", + "label": -1 + }, + { + "text": "UK's FTSE hits new record highs as CRH climbs", + "label": 1 + }, + { + "text": "Pentik+ñinen emphasises that the most of the internet contents media houses provide can not be free forever .", + "label": 0 + }, + { + "text": "Reluctant shareholder George Osborne loses patience with RBS", + "label": -1 + }, + { + "text": "However , the total orders received will still be above last year s levels .", + "label": 1 + }, + { + "text": "UPDATE: Peter Long To Be Chairman Of Both Royal Mail And TUI AG", + "label": 0 + }, + { + "text": "CompaniesCentrica shares drop 7% amid capital raise", + "label": -1 + }, + { + "text": "Glencore Sells Shares to Raise $2.5 Billion and Reduce Debt", + "label": 1 + }, + { + "text": "Active shipping is essential for Finland .", + "label": 0 + }, + { + "text": "The decision of the French Court relates to the claims raised by twenty-one former Aspocomp S.A.S employees , the company said .", + "label": 0 + }, + { + "text": "Stock Exchange Release 10/3/2011 12:00 Sanoma has published its Annual Report and Financial Statements for 2010 and its first Corporate Responsibility Report .", + "label": 0 + }, + { + "text": "The contract value amounts to EUR 2.4 million .", + "label": 0 + }, + { + "text": "In 2007 , Etteplan had turnover of EUR125 .2 m.", + "label": 0 + }, + { + "text": "Lloyds Banking Group to cut 640 jobs and close 23 branches", + "label": 1 + }, + { + "text": "EU drops Shell, BP, Statoil from ethanol benchmark investigation", + "label": 1 + }, + { + "text": "SSE cuts gas prices by 4.1% to become fifth of 'Big Six' providers to slash energy ...", + "label": 0 + }, + { + "text": "This acquisition supports our strategy of being close to our customers all around the world offering both equipment and related services .", + "label": 1 + }, + { + "text": "According to Ringman , Finnish paper companies have acquired know-how and capacity in paper recycling , which has turned out to be a successful strategy .", + "label": 1 + }, + { + "text": "Self-service and automation are in a bigger role now and Fujitsu 's global resources will be exploited effectively .", + "label": 1 + }, + { + "text": "Steek , which was set up in 2002 , is based in Bordeaux , southwestern France .", + "label": 0 + }, + { + "text": "Both operating profit and net sales for the six-month period increased , respectively , from EUR13 .8 m and EUR143 .6 m , as compared to the corresponding period in 2007 .", + "label": 1 + }, + { + "text": "Valeant CEO Pledges to Heed Critics After `Painful' Experience", + "label": -1 + }, + { + "text": "EBIT excluding non-recurring items was estimated to increase from 2009 .", + "label": 1 + }, + { + "text": "Finnish IT solutions provider Affecto Oyj said today that it has won a frame contract , valued at some EUR2m , to implement the next phase of its insurance application for South African Mutual & Federal Insurance Company Limited M&F .", + "label": 1 + }, + { + "text": "The order is included in Metso 's fourth quarter 2007 order backlog .", + "label": 0 + }, + { + "text": "`` The industry is coming to an interesting fork in the road as both handset manufacturers and wireless carriers attempt to serve as the portal for Web-based service to your wireless handset , '' he wrote .", + "label": 0 + }, + { + "text": "To see more of New Haven Register , or to subscribe to the newspaper .", + "label": 0 + }, + { + "text": "Also the traditional grapevine carries a lot of weight .", + "label": 0 + }, + { + "text": "Finnish construction company YIT Oyj said on November 13 , 2007 it won a 70 mln euro $ 102.8 mln contract to construct the new office building for local property company Tapiola Real Estate Oy .", + "label": 1 + }, + { + "text": "Total operating revenue grew by 27.6 % year-on-year to EUR61m .", + "label": 1 + }, + { + "text": "Cash flow from operating activities is estimated to be positive .", + "label": 1 + }, + { + "text": "The EU Commission said earlier it had fined ThyssenKrupp , United Technologies Corp 's Otis , Schindler AG and Kone Oyj a total of 992.3 mln eur for alleged cartel activity in the lift market going back twelve years .", + "label": -1 + }, + { + "text": "The fair value of the company 's investment properties went down to EUR 2.768 billion at the end of 2009 from EUR 2.916 billion a year earlier .", + "label": -1 + }, + { + "text": "Finnish electronics contract manufacturer Scanfil reports net sales of EUR 58.9 mn in the second quarter of 2007 , down from EUR 62.4 mn a year earlier .", + "label": -1 + }, + { + "text": "HELSINKI Thomson Financial - Shares in Cargotec fell sharply in early afternoon trade after the cargo handling group posted a surprise drop in April-June profits , which overshadowed the large number of new orders received during the three months .", + "label": -1 + }, + { + "text": "1 February 2011 - Finnish textile and clothing company Marimekko Oyj HEL : MMO1V said today its preliminary operating profit grew to EUR8 .2 m in 2010 from EUR6 .3 m in 2009 .", + "label": 1 + }, + { + "text": "Finnish Honkarakenne that specialises in the building of log houses is planning to use pine from Russian Karelia .", + "label": 0 + }, + { + "text": "`` This contract demonstrates our ability to apply our minerals and metals technologies in adjacent industries , such as oil shale processing .", + "label": 1 + }, + { + "text": "The chilled meat products category led the meat , fish and poultry market in Finland , accounting for a share of 31.4 % .", + "label": 0 + }, + { + "text": "As with other stakeholders , COMPTEL has been involved in the workshops , meetings and filed comments on the issues of greatest importance to the competitive sector of our industry .", + "label": 0 + }, + { + "text": "US judge rules that BP spill smaller than feared", + "label": 0 + }, + { + "text": "ABN Amro: Bank that brought down RBS poised for return to the market", + "label": 1 + }, + { + "text": "The fair value change of investment properties was EUR 15.8 mn , compared to EUR 22.9 mn in the third quarter of 2009 .", + "label": -1 + }, + { + "text": "Germanwings disaster will not affect image of budget air travel - easyJet", + "label": 0 + }, + { + "text": "They are responsible for their own operations , customer relationships , and the development of these .", + "label": 0 + }, + { + "text": "Finnish sports equipment maker Amer Sports Oyj ( HEL : AMEAS ) said today that its net loss narrowed to EUR 16.9 million ( USD 22.3 m ) in the second quarter of 2010 from EUR 23.2 million in the corresponding period a year earlier .", + "label": 1 + }, + { + "text": "The company operates a U.S. division in Lisle , Ill. .", + "label": 0 + }, + { + "text": "Despite sales growth, UK's Tesco cautions recovery to be bumpy", + "label": 0 + }, + { + "text": "European shares fall on Chinese import data, SABMiller soars", + "label": 1 + }, + { + "text": "Morrisons book second consecutive quarter of sales growth", + "label": 1 + }, + { + "text": "Meggitt agrees to buy US aerospace component firm for $340 million", + "label": 1 + }, + { + "text": "Profit for the period was EUR 15.6 mn compared to EUR 14.1 mn in 2007 .", + "label": 1 + }, + { + "text": "Lloyds Will Cut 640 Jobs, Close 23 Branches as Part of 2014 Plan", + "label": 1 + }, + { + "text": "The value of the deal exceeds EUR500 ,000 , the company said .", + "label": 0 + }, + { + "text": "Upon establishment , the plan is directed to approximately 20 persons .", + "label": 0 + }, + { + "text": "`` We are delighted to announce our support for Intel based handheld platforms , the capabilities of which have made our development easier and faster .", + "label": 1 + }, + { + "text": "Are ARM Holdings plc, Domino's Pizza Group plc and ASOS plc 3 must-have growth stocks?", + "label": 0 + }, + { + "text": "CRH's concrete bid for Holcim Lafarge assets", + "label": 0 + }, + { + "text": "Because expenditures must be justified to pass budget approval hurdles , we believe our RoP model can help make it easier for IT and IT security practitioners to make the business case for acquiring enabling security technologies and related control activities .", + "label": 0 + }, + { + "text": "Sales in local currencies decreased by 0.5 percent while the number of subscribers rose by 12.7 million to a total of 147.6 million at the end of fourth quarter , the company said .", + "label": 0 + }, + { + "text": "ITV share price: Group mulls takeover of Canada's Entertainment One", + "label": 1 + }, + { + "text": "Mylan Appoints Ranjan Ray Chaudhuri as Global Commercial Lead for Mylan's Over ...", + "label": 0 + }, + { + "text": "BRIEF-Legal & General's retirement business books 4 billion stg H1 sales", + "label": 1 + }, + { + "text": "Dixons Carphone Profit Beats Forecast in First Year Since Merger", + "label": 1 + }, + { + "text": "Currently , 95 % of Trainers House 's revenues are attributed to the Finnish market .", + "label": 0 + }, + { + "text": "Operating profit fell from EUR 7.9 mn in the second quarter of 2005 to EUR 5.1 mn in the second quarter of 2006 .", + "label": -1 + }, + { + "text": "Ex-Barclays Trader Johnson Pleaded Guilty to Libor Fixing", + "label": -1 + }, + { + "text": "Tesco, Asda sales fall as march of the discounters continues-Kantar", + "label": -1 + }, + { + "text": "ENP Newswire - 22 March 2011 Release date - 21032011 - A total of 13,000 Talvivaara Mining Company Plc 's new shares were subscribed for during the period between 1 January 2011 and 28 February 2011 under the company 's stock option rights 2007A .", + "label": 0 + }, + { + "text": "Alma Media holds 70 % of this company , the remaining shares being owned by the company 's key employees .", + "label": 0 + }, + { + "text": "The company 's net sales in 2009 totalled MEUR 307.8 with an operating margin of 13.5 per cent .", + "label": 0 + }, + { + "text": "STX Finland Oy signed a a preliminary agreement for the building of an environmentally friendly , new generation cruise ferry for Viking Line to manage on between Turku , Finland , and Stockholm , Sweden withViking Line ABP .", + "label": 1 + }, + { + "text": "Market Report: Aviva tops the market as traders approve of its choice of Friends", + "label": 1 + }, + { + "text": "Rio Tinto Reaffirms Goal for Iron Ore Output", + "label": 1 + }, + { + "text": "Tesco Sale Is Asia's Biggest Private-Equity Deal", + "label": 1 + }, + { + "text": "Sanoma announced the Stock Option Scheme 2008 on 19 December 2008 .", + "label": 0 + }, + { + "text": "CORRECTED-Shire to buy Dyax for about $5.9 bln", + "label": 1 + }, + { + "text": "Comparable operating profit for the quarter decreased from EUR510m while sales increased from EUR860m , as compared to the third quarter 2007 .", + "label": -1 + }, + { + "text": "Investments are not disclosed .", + "label": 0 + }, + { + "text": "Net sales went up by 1 % year-on-year to EUR 29 million , affected by the business acquisitions , realized during the previous financial period , the effect of which was EUR 5.1 million on the review period .", + "label": 1 + }, + { + "text": "CompaniesGlencore's annual results beat forecasts", + "label": 1 + }, + { + "text": "Barclays poaches new chief operating officer Paul Compton from JP Morgan Chase", + "label": 0 + }, + { + "text": "BRIEF-Aviva aims to increase dividend pay-out ratio to 50 pct in 2017", + "label": 1 + }, + { + "text": "In a note to clients published , the Dutch broker described the company 's third quarter results as ` soft ' , although it also noted that Elcoteq retained its guidance , dealers said .", + "label": 0 + }, + { + "text": "Royal Bank of Scotland becomes Facebook customer", + "label": 1 + }, + { + "text": "PRESS: Serco Set To Appoint Roy Gardner, Ex-Centrica, As Chairman - FT", + "label": 0 + }, + { + "text": "Investments span across various product and investment types , including retail , hospitality , office , and residential , with interests in real-estate portfolios , non-performing loans and corporate restructurings .", + "label": 0 + }, + { + "text": "`` The second quarter of 2010 was the firstquarter with growth in net sales since the third quarter of2008 , '' said Magnus Rosen , Ramirent CEO .", + "label": 1 + }, + { + "text": "Reed Elsevier shares cool after profit dip", + "label": -1 + }, + { + "text": "After the takeover , Cramo will become the second largest rental services provider in the Latvian market .", + "label": 1 + }, + { + "text": "Canadian Pension fund Borealis renews pursuit of Severn Trent : report", + "label": 1 + }, + { + "text": "ITV merger reports boost Footsie stocks", + "label": 1 + }, + { + "text": "Finnish communication electronics components supplier Scanfil Oyj Tuesday said sales in the first half of 2006 will be 15 % lower than during the same period a year ago .", + "label": -1 + }, + { + "text": "In 2009 , KONE had annual net sales of EUR 4.7 billion and approximately 34,000 employees .", + "label": 0 + }, + { + "text": "The contract covers turnkey deliveries to all five airports operated by the authority -- John F Kennedy , LaGuardia , Newark , Teterboro and Stewart International .", + "label": 0 + }, + { + "text": "Nokia 's share price fell less than one percent to 18.70 euros ( $ 25.41 ) in Helsinki , while Siemens shares fell 1.02 percent to 90.19 euros ( $ 122.57 ) in Frankfurt .", + "label": -1 + }, + { + "text": "At 1411 CET , ArcelorMittal had lost 7.26 % to EUR 17.38 on Euronext Paris , coming at the lead of the blue-chip fallers .", + "label": -1 + }, + { + "text": "Operating result for the 12-month period decreased from the profit of EUR0 .4 m while turnover decreased from EUR5 .6 m , as compared to 2004 .", + "label": -1 + }, + { + "text": "Glencore tells investors it is on track to reduce debt: Barclays", + "label": 1 + }, + { + "text": "Standard Chartered CEO Peter Sands to Resign After Unrest at Bank", + "label": -1 + }, + { + "text": "128,538 shares can still be subscribed for with Series E share options , max .", + "label": 0 + }, + { + "text": "Broker tips: RBS, Croda, Sage", + "label": 1 + }, + { + "text": "Glencore Sells $2.5 Billion Stake in Agriculture Unit", + "label": 1 + }, + { + "text": "Finnish bank Pohjola Bank Plc HEL : POH1S said today that it will issue a EUR 40 million USD 51.2 m index-linked bond , Pohjola Tutkimuksen Tahdet VIII-2010 Pohjola Research Stars VIII-2010 , on October 27 , 2010 .", + "label": 0 + }, + { + "text": "Affecto will provide a new EFI Data Warehouse and reporting solution , behavioural scoring system supporting operational decision processes and Data Migration from old legacy systems to the new EFI system .", + "label": 0 + }, + { + "text": "The estimated value of the contract is EUR12 .4 m. Vaisala , headquartered in Helsinki in Finland , develops and manufactures electronic measurement systems for meteorology , environmental sciences , traffic and industry .", + "label": 0 + }, + { + "text": "HSBC Says Unit to Book $585 Million Charge on Settlement", + "label": -1 + }, + { + "text": "New Morrisons duo get former boss's support to diffuse investor tension", + "label": 0 + }, + { + "text": "The sellers include 40 shareholders , including Intellibis management , employees and other investors .", + "label": 0 + }, + { + "text": "Shell challenges Exxon dominance with 47 billion-pound bid for BG", + "label": 1 + }, + { + "text": "Rapala Fishing Frenzy 2009 .", + "label": 0 + }, + { + "text": "2 Turnaround Buys For 2016? BHP Billiton plc And Home Retail Group Plc", + "label": 1 + }, + { + "text": "( ADP News ) - Oct 31 , 2008 - Finnish food company Raisio Oyj ( OMX : RAIVV ) said today that its net profit jumped to EUR 16.4 million ( USD 20.9 m ) for the first nine months of 2008 from EUR 1.1 million for the same period of 2", + "label": 1 + }, + { + "text": "Renewed AB InBev Bid for SABMiller Ups Stake in Beer Battle", + "label": 1 + }, + { + "text": "Valeant Said to Name New CEO With Pearson Still Hospitalized", + "label": 0 + }, + { + "text": "The talks involved the Food and Ingredients Divisions , as well as group service functions , the company said .", + "label": 0 + }, + { + "text": "Comptel Corporation will publish its financial statements for 2008 on 12 February 2009 .", + "label": 0 + }, + { + "text": "Tesco sales rise shows tentative recovery continues", + "label": 1 + }, + { + "text": "The corresponding increase in the share capital , in total EUR 300,00 was registered in the Finnish Trade Register on May 8 , 2008 .", + "label": 0 + }, + { + "text": "Finnish Rautaruukki has been awarded a contract to supply and install steel superstructures for the Partihallsf+Ârbindelsen bridge in Gothenburg in Sweden .", + "label": 1 + }, + { + "text": "BP sees Q1 earnings slide as low oil prices take their toll", + "label": -1 + }, + { + "text": "Profit for the period totalled EUR 1.1 mn , down from EUR 1.6 mn in the third quarter of 2008 .", + "label": -1 + }, + { + "text": "Valeant Said to Name New CEO With Pearson Still Hospitalized", + "label": 0 + }, + { + "text": "EasyJet Dismisses Lufthansa Low-Cost Plan in Contest for Germany", + "label": 0 + }, + { + "text": "ICE Said to Start Lining Up Financing for LSE Bidding War", + "label": 1 + }, + { + "text": "The deal covers Stockmann Auto Oy Ab 's sales and after-sales services concerning Volkswagen and Audi in Helsinki , Espoo and Vantaa .", + "label": 0 + }, + { + "text": "FTSE 100 moves lower, but HSBC outperforms", + "label": 1 + }, + { + "text": "Barclays CEO poaches risk head from JP Morgan", + "label": 0 + }, + { + "text": "The buildings , with about 40 condominiums each , will be built in 4 or 5 stages .", + "label": 0 + }, + { + "text": "`` Each year , personal entertainment plays a more significant role in determining whether a fitness facility 's workout experience is pleasurable or a chore , '' said Brian Wilson , director of marketing for Precor 's Entertainment & Services Division .", + "label": 0 + }, + { + "text": "In the third quarter of fiscal 2008 Efore swung to a net loss of EUR 400,000 versus a net profit of EUR 200,000 for the corresponding period of fiscal 2007 .", + "label": -1 + }, + { + "text": "Operating profit rose to EUR 26.7 mn from EUR 14.9 mn in the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "17 March 2011 - Goldman Sachs estimates that there are negative prospects for the Norwegian mobile operations of Norway 's Telenor ASA OSL : TEL and Sweden 's TeliaSonera AB STO : TLSN in the short term .", + "label": -1 + }, + { + "text": "Consumption is forecast to grow by about 2 % .", + "label": 1 + }, + { + "text": "Closely watched AstraZeneca cancer drug fails in mesothelioma", + "label": -1 + }, + { + "text": "Alma Media 's net sales in 2009 totalled MEUR 307.8 with an operating margin of 13.5 per cent .", + "label": 0 + }, + { + "text": "The mill 's raw material need will increase by 100,000 m3 of wood .", + "label": 0 + }, + { + "text": "---------------------------------------------------------------------- -------------- Munich , 14 January 2008 : BAVARIA Industriekapital AG closed the acquisition of Elcoteq Communications Technology GmbH in Offenburg , Germany , with the approval of the", + "label": 0 + }, + { + "text": "The company reported a profit of 800,000 euro ($ 1.2 mln)on the sale of its Varesvuo Partners sub-group and a loss of 400,000 euro $ 623,000 caused by the sale of its program production subsidiary Oy Filmiteollisuus Fine Ab .", + "label": 0 + }, + { + "text": "CompaniesG4S claims 'positive' start to the year", + "label": 1 + }, + { + "text": "Finnish security and privacy software solutions developer Stonesoft Oyj said on January 7 , 2008 that the preliminary sales of its StoneGate products grew by 59 pct year-on-year to 3.6 mln euro ( $ 5.3 mln ) for the fourth quarter of 2007 .", + "label": 1 + }, + { + "text": "Nordea Pankki Suomi Oyj , according to previously announced , has made forward contracts on Alma Media Corporation shares .", + "label": 0 + }, + { + "text": "NPS prospects dependent on drug approval", + "label": 0 + }, + { + "text": "Royal Mail share price edges lower as group raises stamp price", + "label": -1 + }, + { + "text": "Taking a cue from the playbook of the East Dillon Lions , we 've created a special team of heavy-hitting style players , such as boot-cut jeans , tummy tops and , of course , cowboy boots .", + "label": 0 + }, + { + "text": "Financial terms were not disclosed .", + "label": 0 + }, + { + "text": "BHP Billiton posts big loss, slashes dividend", + "label": -1 + }, + { + "text": "Unilever head's resignation sparks spinoff talk", + "label": 0 + }, + { + "text": "ICE Said to Start Lining Up Financing for LSE Bidding War", + "label": 1 + }, + { + "text": "News FeedSchroders books solid earnings growth, several board changes", + "label": 1 + }, + { + "text": "The mill has long traditions and holds an established position in the markets .", + "label": 1 + }, + { + "text": "Both operating profit and net sales for the three-month period increased , respectively from EUR15 .1 m and EUR131 .5 m , as compared to the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "Royal Mail hands chief executive Moya Greene a 13% rise in her pay package", + "label": 0 + }, + { + "text": "Sainsbury's, Asda, Tesco and Morrisons will all cut petrol prices as oil falls ...", + "label": -1 + }, + { + "text": "Operating profit was EUR 11.07 mn , up from EUR 8.65 mn .", + "label": 1 + }, + { + "text": "As part of the transaction , M-real and Sappi have also signed a long-term agreement on the supply of pulp and BCTMP and other smaller services and supplies .", + "label": 1 + }, + { + "text": "U.S. Debt Lures Schroders as ECB Depresses Rates", + "label": 0 + }, + { + "text": "Indy future in doubt as Johnston Press lines up deal for 'i'", + "label": 0 + }, + { + "text": "The purpose of this action is to ensure company 's cost effectiveness this year and in the near future .", + "label": 1 + }, + { + "text": "Finnish glass technology company Glaston Oyj Abp net profit decreased to 2.6 mln euro ( $ 3.8 mln ) for the first nine months of 2007 from 7.8 mln euro ( $ 11.4 mln ) for the same period of 2006 .", + "label": -1 + }, + { + "text": "Two former Barclays traders face retrial over Libor", + "label": -1 + }, + { + "text": "Finnish Vacon has signed significant deals with Norwegian Scandinavian Electric Systems ( SES ) on the supply of AC drives .", + "label": 1 + }, + { + "text": "Greene King's third quarter sales boosted by festive season", + "label": 1 + }, + { + "text": "The interchange of Editors-in-Chief is a part of publisher 's goal to enhance job circulation in all personnel groups .", + "label": 0 + }, + { + "text": "The sale , comprising the margarine business in Finland and Poland , follows the approval of the Polish competition authorities earlier in October .", + "label": 0 + }, + { + "text": "RBS hands £3.3m of shares to top staff", + "label": 0 + }, + { + "text": "The airline was targeting travel agents , tour operators and travel management companies to raise awareness first before targeting consumers , he added .", + "label": 0 + }, + { + "text": "Finnish newspaper publisher Sanoma , of media group SanomaWSOY , is merging its free sheets Uutislehti 100 and Metro as of mid-September 2008 to form a new free sheet to be named Metro .", + "label": 0 + }, + { + "text": "`` After the transaction , Tikkurila has no powder coatings-related operations , '' the company said .", + "label": 0 + }, + { + "text": "After the split , the company would have 26,885,540 Series A shares and 9,540,000 Series K shares .", + "label": 0 + }, + { + "text": "No financial detail were available .", + "label": 0 + }, + { + "text": "Analysis - Copper market may get a 2003-style supply shock from Glencore closures", + "label": -1 + }, + { + "text": "Standard Chartered's Shares Plunge 7% After Fitch Downgrade", + "label": -1 + }, + { + "text": "National Grid profit up 15%; gas sale on track", + "label": 1 + }, + { + "text": "`` People who enjoy mobile games are often the same customers who enjoy experimenting with new mobile services and content .", + "label": 0 + }, + { + "text": "Basware Einvoices Oy will be merged into the parent company during the present fiscal period .", + "label": 0 + }, + { + "text": "RBS warns of higher misconduct charges, obstacles ahead", + "label": -1 + }, + { + "text": "Sainsbury sells unit to LloydsPharmacy", + "label": 1 + }, + { + "text": "Profit for the period was EUR 10.9 mn , down from EUR 14.3 mn in 2009 .", + "label": -1 + }, + { + "text": "In October , UPM reported a third-quarter net loss of euro86 million $ 110 million compared with a net profit of euro120 million in 2007 .", + "label": -1 + }, + { + "text": "Whitbread boss Andy Harrison defends sales fall as 'just a blip'", + "label": 0 + }, + { + "text": "a January 11 , 2010 EPHC board of directors has approved an increase in the quarterly dividend from $ 0.03 to $ 0.05 per share .", + "label": 1 + }, + { + "text": "The second-quarter net sales are expected to be on par with the first quarter of 2009 .", + "label": 0 + }, + { + "text": "DBS, Julius Baer emerge as potential bidders for Barclays Asia wealth unit ...", + "label": 1 + }, + { + "text": "AB InBev to sell more SAB assets as seeks EU deal approval", + "label": 0 + }, + { + "text": "The deal was worth about EUR 1.2 mn .", + "label": 0 + }, + { + "text": "Operating profit in the fourth quarter went down to EUR3m from EUR4 .2 m for the corresponding period of 2009 as it included costs of growth projects .", + "label": -1 + }, + { + "text": "GyPSii service supports ten different languages including Korean and Russian .", + "label": 0 + }, + { + "text": "The authorisation is in force until the end of the next Annual General Meeting and repeals the authorisation to acquire own shares given by the General Meeting held on April 4 , 2007 .", + "label": 0 + }, + { + "text": "Barclays appoints JPMorgan's Paul Compton as new COO", + "label": 0 + }, + { + "text": "8,600 m , and at the time of investment it is fully leased to several tenants .", + "label": 0 + }, + { + "text": "On top of that , the US Commerce Department published worse-than-expected construction spending figures for November .", + "label": -1 + }, + { + "text": "Amazon to attack UK grocery market with Morrisons deal", + "label": 1 + }, + { + "text": "LPC-Glencore launches refinancing of $8.45billion loan", + "label": 0 + }, + { + "text": "The reorganisation will be carried out by transferring HKScan Corporation 's production-related property , plant and equipment in Finland as well as its holdings in subsidiaries and associates to HKScan Finland Oy , a holding company wholly owned by HKScan Corporation .", + "label": 0 + }, + { + "text": "EasyJet attracts more passengers in June but still lags Ryanair", + "label": 1 + }, + { + "text": "UK chip designer ARM hits a high after iPhone 6 boost", + "label": 1 + }, + { + "text": "OCBC to Buy Barclay's Wealth Management Unit in Singapore, Hong Kong", + "label": 1 + }, + { + "text": "Zurich Insurance Considering Offer for UK Rival RSA Insurance", + "label": 1 + }, + { + "text": "( ADP News ) - Jan 22 , 2009 - Finnish mobile phones maker Nokia Oyj ( OMX : NOK1V ) said today its operating profit decreased to EUR 5 billion ( USD 6.5 bn ) for 2008 from EUR 8 billion for 2007 .", + "label": -1 + }, + { + "text": "CompaniesTesco bumps up pay for store staff", + "label": 0 + }, + { + "text": "US DOJ antitrust unit subpoenas Mylan over pricing of doxycycline", + "label": -1 + }, + { + "text": "The sale , which will result in a gain of some EUR 60 million in the second quarter of 2010 for Oriola-KD , supports the Finnish company 's strategy to focus on pharmaceutical wholesale and retail operations .", + "label": 1 + }, + { + "text": "fi is developing cooperation in keyword advertising with Microsoft .", + "label": 1 + }, + { + "text": "In the video above Marimekko 's design manager , Noora Niiininoski , explains that the brands are a natural fit for each other because they both have a timeless style .", + "label": 0 + }, + { + "text": "According to Bosse , the present cooperation is beneficial to all parties , however .", + "label": 1 + }, + { + "text": "F-Secure Online Backup automatically protects all the content stored on a computer or smartphone by making a copy of the content to an online location .", + "label": 0 + }, + { + "text": "AstraZeneca's MedImmune Inks Licensing Deal With Omnis Pharmaceuticals", + "label": 1 + }, + { + "text": "Stockholm-based Nordea Bank ( STO : NDA ) said yesterday it had hired Casper von Koskull to lead its corporate merchant banking and capital markets unit , effective 1 September .", + "label": 0 + }, + { + "text": "Both operating profit and net sales for the three-month period increased , respectively from EUR16 .0 m and EUR139m , as compared to the corresponding quarter in 2006 .", + "label": 1 + }, + { + "text": "The Finnish paints company acquired the remaining 49 pct that it did not own from Ukraine 's LGU for an undisclosed sum .", + "label": 0 + }, + { + "text": "LCS 's services cover the whole life cycle of software and information systems , from process modelling and tailored software development , to hosting services , solution management , maintenance and support .", + "label": 0 + }, + { + "text": "PRESS: Pearson Set To Announce Sale Of Financial Times - Reuters", + "label": 0 + }, + { + "text": "An audio webcast will be available live and archived on Cerner 's Web site at www.cerner.com .", + "label": 0 + }, + { + "text": "The electricity requirement of networks will grow with the new mobile generation .", + "label": 0 + }, + { + "text": "A corresponding increase of 85,432.50 euros in Ahlstrom 's share capital has been entered in the Trade Register today .", + "label": 0 + }, + { + "text": "The terms of the transactions remained undisclosed .", + "label": 0 + }, + { + "text": "After 1 April 2007 Cencorp will not have any own employees in the territory .", + "label": 0 + }, + { + "text": "Stora Enso said DeLight was suitable for a wide range of applications including food , cosmetics , home decoration and leisure products .", + "label": 0 + }, + { + "text": "As a result , the company currently anticipates net sales to increase and the operating result to be positive .", + "label": 1 + }, + { + "text": "The proposal by the Board of Directors on the issuance of option rights will otherwise correspond to the proposal by the Board of Directors in the Notice to the General Meeting .", + "label": 0 + }, + { + "text": "Scanfil issued a profit warning on 10 April 2006 .", + "label": -1 + }, + { + "text": "Shire share price under pressure after $32bn Baxalta deal", + "label": 0 + }, + { + "text": "Fewer multi-buys hurt Sainsbury's market share", + "label": -1 + }, + { + "text": "BP joins forces with Det Norske in Norway", + "label": 1 + }, + { + "text": "Based on the design of previous handsets , the Nokia E72 and Nokia E63 this Symbian-based model is promised to offer direct access to over 90 per cent of the world s corporate email through Mail for Exchange and IBM Lotus Notes Traveler .", + "label": 0 + }, + { + "text": "HSBC shakes up board with two new business chiefs, three departures", + "label": 0 + }, + { + "text": "Sales are expected to increase in the end of the year 2006 , however .", + "label": 1 + }, + { + "text": "AstraZeneca sells Caprelsa rights to Sanofi unit", + "label": 1 + }, + { + "text": "Barclays set to name former JPMorgan banker Staley as new CEO", + "label": 0 + }, + { + "text": "Sainsbury's share price: Grocer launches click-and-collect", + "label": 0 + }, + { + "text": "Sales by Seppala diminished by 6 per cent .", + "label": -1 + }, + { + "text": "Barclays appoints JPMorgan's Paul Compton as new COO", + "label": 0 + }, + { + "text": "At 10.33 am , Huhtamaki was the market 's biggest faller , 8.69 pct lower at 11.35 eur , while the OMX Helsinki 25 was 0.32 pct higher at 3,332.41 , and the OMX Helsinki was up 0.47 pct at 11,687.32 .", + "label": -1 + }, + { + "text": "An of the invention , released by the Patent Office , said : `` The chambers are pressurized .", + "label": 0 + }, + { + "text": "Hargreaves Landown slides on trading update", + "label": -1 + }, + { + "text": "This location makes the mall a convenient place to shop for consumers from three large residential areas nearby : Jaroszowka , Wysockiego and Zgody .", + "label": 1 + }, + { + "text": "Barclays Bonds Rise as Lender Cuts Dividends to Shore Up Capital", + "label": 1 + }, + { + "text": "Finnish messaging solutions developer Tecnomen Corporation ( OMX Helsinki : TEM1V ) said on Thursday ( 11 December ) that it has received an expansion order for its Convergent Charging solution in Latin America .", + "label": 1 + }, + { + "text": "Both operating profit and net sales for the 12-month period increased , respectively from EUR21 .5 m and EUR196 .1 m , as compared to 2005 .", + "label": 1 + }, + { + "text": "Sainsbury's, Asda, Tesco and Morrisons will all cut petrol prices as oil falls ...", + "label": -1 + }, + { + "text": "Operating profit was EUR 24.5 mn , up from EUR 23.0 mn .", + "label": 1 + }, + { + "text": "Trading code : ELI1V Number of shares : 99,483 Price-share : Gratuitous After the transfer , Elisa holds a total of 10,435,023 own shares .", + "label": 0 + }, + { + "text": "You will hear the latest insights and updates on Citycon 's strategy as well as the latest news from all the business units .", + "label": 0 + }, + { + "text": "UPM is talking to Myllykoski+ó s creditor banks -- Nordea ( STO : NDA ) , Nordic Investment Bank and Danske Bank+ó s ( CPH : DANSKE ) Sampo Bank -- over a deal , the paper said .", + "label": 0 + }, + { + "text": "The company will propose a dividend of EUR0 .12 per share for 2008 .", + "label": 0 + }, + { + "text": "Shares in easyJet fall to three-year low after Brexit profit warning", + "label": -1 + }, + { + "text": "Copper , lead and nickel also dropped ... HBOS ( HBOS ) plummeted 20 % to 70.3 pence after saying this year+ó ??", + "label": -1 + }, + { + "text": "Market Report: Aviva tops the market as traders approve of its choice of Friends", + "label": 1 + }, + { + "text": "Tesco leads FTSE higher on Clubcard bid reports", + "label": 1 + }, + { + "text": "Euro zone QE helps Standard Life first-quarter funds boost", + "label": 1 + }, + { + "text": "The GyPSii mobile social networking application is available in China with both Chinese and English language support .", + "label": 0 + }, + { + "text": "Kauko-Telko 's centralized administration will be dissolved and appropriate parts of it will be transferred to operating activities and Group administration by the end of the year .", + "label": 0 + }, + { + "text": "Her work at NetApp included strategically repositioning the brand in the category and a major global relaunch .", + "label": 0 + }, + { + "text": "Stora Enso has also had meetings with the labor authorities , Employment and Economic Development Centres and representatives of the government in order to find solutions .", + "label": 0 + }, + { + "text": "Panostaja Oyj 's Board also decided at its organisational meeting held upon completion of the AGM to implement the AGM decision concerning Board member fees paid as shares in such a way that shares are transferred on a quarterly basis on the date following publication of the quarterly-annual report .", + "label": 0 + }, + { + "text": "Nordstjernan has used its option to buy another 22.4 % stake of Salcomp 's shares and votes .", + "label": 0 + }, + { + "text": "Price talk is in the Euribor plus 2 bps area and the sole lead is Citigroup .", + "label": 0 + }, + { + "text": "The Marubeni Group focuses on creating `` value chain '' from upstream to downstream , encompassing a wide variety of business fields , including oil & gas , metals , mineral resources , foods , pulp & paper and chemicals , among others .", + "label": 0 + }, + { + "text": "The e-commerce site and flagship will be managed by Marimekko North America Retail LLC , a subsidiary established in the U.S. last year .", + "label": 0 + }, + { + "text": "Elite Residence Tower , a new development by Tameer , is located at the heart of Dubai Marina .", + "label": 0 + }, + { + "text": "CompaniesNational Grid lines up sale of gas business", + "label": 0 + }, + { + "text": "ALEXANDRIA , Va. , March 28 -- Pertti Salmi and Hanna Vuolteenaho , both of Oulu , Finland , and Sami Viitasaari of Ii , Finland , have developed an ornamental design for a handset , the U.S. Patent & Trademark Office announced .", + "label": 0 + }, + { + "text": "Tesco sells half of stake in ecommerce site Lazada to Alibaba for £90m", + "label": 0 + }, + { + "text": "Cargotec 's sales totalled EUR 3.4 billion in 2008 and it employs approximately 11,000 people .", + "label": 0 + }, + { + "text": "FTSE 100 movers: BG Group leads the charge as resource stocks jump", + "label": 1 + }, + { + "text": "The company reported net sales of EUR550m in 2005 and had some 3,200 employees .", + "label": 0 + }, + { + "text": "UPDATE 2-Prudential will see strong first-half earnings, outgoing CEO says", + "label": 1 + }, + { + "text": "Four former Barclays bankers jailed over Libor", + "label": -1 + }, + { + "text": "Finnish silicon wafer technology company Okmetic Oyj ( OMX Helsinki : OKM1V ) reported on Thursday ( 7 August ) an operating profit of EUR5 .3 m for the period January-June 2008 , up from EUR3 .3 m in the corresponding period in 2007 .", + "label": 1 + }, + { + "text": "Finnish Sampo-Rosenlew manufactures approximately seven forest machines monthly , and about half of machines are exported .", + "label": 0 + }, + { + "text": "In Middle East & North Africa , Tecnotree has grown considerably in the recent years .", + "label": 1 + }, + { + "text": "What would you like to see changed on Nokia 's next attempt ?", + "label": 0 + }, + { + "text": "`` After a long , unprofitable period the Food Division posted a profitable result , which speaks of a healthier cost structure and a new approach in business operations , '' Rihko said .", + "label": 1 + }, + { + "text": "Operating loss totalled EUR 3.2 mn , compared to a profit of EUR 7.2 mn in the third quarter of 2008 .", + "label": -1 + }, + { + "text": "AB InBev to Sell SABMiller Stake in China's Snow Beer", + "label": 0 + }, + { + "text": "Finnish financial group Aktia 's operating profit for 2009 increased to EUR 47.0 mn from EUR 6.6 mn in 2008 .", + "label": 1 + }, + { + "text": "18 May 2010 - Finnish electronics producer Elcoteq SE HEL : ELQAV said today that it has signed an extensive cooperation agreement on industrialisation , manufacturing , distribution and after-market services for mobile phones with Japan 's Sharp TYO : 6753 .", + "label": 1 + }, + { + "text": "In its financial report , published on Friday , SEB said its net profit soared to SEK6 .745 bn in 2010 from a year-earlier SEK1 .114 bn and proposed a 50 % dividend increase to SEK1 .50 per share .", + "label": 1 + }, + { + "text": "EBIT margin was up from 1.4 % to 5.1 % .", + "label": 1 + }, + { + "text": "Breakingviews: IAG can pay more for Aer Lingus", + "label": 1 + }, + { + "text": "In the meantime the CEO 's duties will be assumed by Outotec 's Deputy CEO Seppo Rantakari .", + "label": 0 + }, + { + "text": "The building complex consists of high-quality office and retail space totalling 49,200 square metres , the company said .", + "label": 0 + }, + { + "text": "Back then , Tikkurila 's former owner , Finnish chemicals company Kemira Oyj HEL : KRA1V , distributed an 86 % stake to Kemira shareholders to facilitate the divestment and listing of Tikkurila .", + "label": 0 + }, + { + "text": "NYSE owner ICE considers offer for LSE", + "label": 1 + }, + { + "text": "The first four of the new shop-in-shops will be opened this spring : on Madison Avenue in New York as well as in Chicago , Los Angeles and San Francisco .", + "label": 0 + }, + { + "text": "no compensation for its news , opinions or distributions .", + "label": 0 + }, + { + "text": "BAE Systems's sales boosted by European Typhoon and currencies", + "label": 1 + }, + { + "text": "They re in a race with Google to get lots of users onto their service as social networking creates new business models , said Martin Garner , a London-based analyst with CCS Insight .", + "label": 0 + }, + { + "text": "Shuweihat 2 got under way in July 2008 when the project was awarded to desalination and power contractors .", + "label": 0 + }, + { + "text": "CompaniesMetro Bank raises £400m ahead of London listing", + "label": 1 + }, + { + "text": "Finnish waste management and cleaning group Lassila & Tikanoja Oyj ( L&T ) net profit went down to 32.2 mln euro ( $ 47.7 mln ) for 2007 from 35.3 mln euro ( $ 52.3 mln ) for 2006 .", + "label": -1 + }, + { + "text": "Advertising and circulation revenues grew by 3.4 % and by 0.4 % , respectively .", + "label": 1 + }, + { + "text": "The Finnish investment company Sponda is conducting negotiations to acquire the business center Dukat Palace-2 located in the center of Moscow , from London & Regional Properties .", + "label": 0 + }, + { + "text": "Maggie Ramsey 's wait - and those of thousands of Oregon and Washington guides , anglers and others who flock to his frequent seminars - is nearly over .", + "label": 0 + }, + { + "text": "narrows to EUR2 .8 m 9-mo '09 29 October 2009 - Finnish software and hardware developer Elektrobit Oyj HEL : EBG1V , or EB , said today that its net loss narrowed to EUR2 .8 m for the first nine months of 2009 from EUR35 .6 m for the same period a year ago .", + "label": 1 + }, + { + "text": "Operating profit rose to 22.1 mln eur from 19.9 mln .", + "label": 1 + }, + { + "text": "In 2007 , the Group 's net sales stood at EUR 42 million and it had about 1,445 employees .", + "label": 0 + }, + { + "text": "Export accounts for about one tenth of the company 's annual turnover of one billion kroons .", + "label": 0 + }, + { + "text": "StanChart and RBS struggle in Bank of England stress tests", + "label": -1 + }, + { + "text": "Shell's profits hit by further slide in oil prices", + "label": -1 + }, + { + "text": "The customer is then forwarded to the site , and unknown to him logged in with the first number .", + "label": 0 + }, + { + "text": "In the beginning of this year , Wartsila had secured an order to deliver four gas-fuelled main engines and propulsion machinery for the same vessel .", + "label": 1 + }, + { + "text": "Ruukki 's order book at the end of 2010 was 30 % up year-on-year and 10 % up quarter-on-quarter .", + "label": 1 + }, + { + "text": "Tesco closes in on new chairman with Dixons Carphone's John Allan in the frame", + "label": 1 + }, + { + "text": "LONDON MIDDAY BRIEFING: Kingfisher's French Expansion Hits The Rocks", + "label": -1 + }, + { + "text": "ND = Not disclosed .", + "label": 0 + }, + { + "text": "The value of the contract is in total USD12m .", + "label": 0 + }, + { + "text": "Finlan 's listed food industry company HKScan Group controlled companies in the Baltics improved revenues by EUR 3.5 mn to EUR 160.4 mn in 2010 from EUR 156.9 mn in the year before .", + "label": 1 + }, + { + "text": "The volumes are expected to increase during the next few years .", + "label": 1 + }, + { + "text": "Mr. McDonald started the evening with his own set , featuring hits from his solo career and his Doobie Brothers years and a selection of R&B cover songs that met with mixed results .", + "label": 0 + }, + { + "text": "The trade is in accordance with the agreement announced on 26 March 2008 .", + "label": 0 + }, + { + "text": "CEOs of BPM, UBI meet Italy econ minister as M&A talk heats up", + "label": 0 + }, + { + "text": "Finnish construction group Lemminkainen Oyj HEL : LEM1S said today it has won a contract to provide technical services for the Nevsky Centre shopping mall to be opened in November in St Petersburg , Russia .", + "label": 1 + }, + { + "text": "A meeting for the media and analysts will be held on the same day at 10:30 a.m. at Stonesoft Headquarters in Helsinki , Italahdenkatu 22 A. The Interim report will be presented by Stonesoft 's CEO Ilkka Hiidenheimo .", + "label": 0 + }, + { + "text": "Cost cutting measures , which have produced around EUR70m of savings over the past nine months , have dampened the airline 's loss , Finnair said .", + "label": 1 + }, + { + "text": "Finnish pulp and paper machinery maker Vaahto Group Oyj swung to a 1.1 mln euro $ 1.4 mln net profit in the fiscal 2005-06 , ended August 31 , 2006 , from a 249,000 euro $ 319,000 net loss in the fiscal 2004-05 .", + "label": 1 + }, + { + "text": "Olvi has posted a strong set of figures for the first six months of this year .", + "label": 1 + }, + { + "text": "Insurers: Admiral blows hot and cold but Aviva soars pre-Friends Life merger", + "label": 0 + }, + { + "text": "Tekla will organize an information meeting for analysts and media at WTC Helsinki Marski meeting room , Aleksanterinkatu 17 , the same day at 12:30 - 1:30 p.m. Light lunch will be served .", + "label": 0 + }, + { + "text": "Participants at any of the book discussions or other special events , or visitors to the car dealership were eligible to enter the drawing for the 2005 silver , four-door Altima .", + "label": 0 + }, + { + "text": "Spain's CaixaBank Expects To Close Deal For Banco BPI", + "label": 1 + }, + { + "text": "UPDATE 3-BP settles oil spill-related claims with Halliburton, Transocean", + "label": -1 + }, + { + "text": "UPDATE 1-EU regulator backs approval for GSK injectable asthma drug", + "label": 1 + }, + { + "text": "9 September 2010 - Finnish stationery and gift retailer Tiimari HEL : TII1V said today its net sales rose by 2 % year-on-year to EUR5 .7 m in August 2010 , driven by growth in Finland , while demand in the Baltics remained weak .", + "label": 1 + }, + { + "text": "The competition was received with great enthusiasm by the employees , he goes on .", + "label": 1 + }, + { + "text": "Diageo receives reports from United Spirits on financial irregularities involving ...", + "label": -1 + }, + { + "text": "Under Finnish law , Parliament grants licences to build nuclear power plants .", + "label": 0 + }, + { + "text": "Additionally , the company will use the solutions to automate the preparation of financial statements according to IFRS standard .", + "label": 0 + }, + { + "text": "The share of the share capital of both above mentioned shareholders remains below 5 % .", + "label": 0 + }, + { + "text": "The service also enables users to watch e-mails in HTML format en is enhanced with 23 addition languages to choose from .", + "label": 0 + }, + { + "text": "Retailers Kingfisher and Sports Direct rise in Britain's share index", + "label": 1 + }, + { + "text": "In 2010 , the Marimekko Group s net sales were EUR 73,297 thousand ( EUR 72,473 thousand ) and operating profit was EUR 8,169 thousand ( EUR 6,291 thousand ) .", + "label": 0 + }, + { + "text": "Insurer Old Mutual picks Standard Bank's Hemphill as new CEO", + "label": 0 + }, + { + "text": "Former Barclays traders stand trial in Libor case", + "label": -1 + }, + { + "text": "Operating profit excluding non-recurring items increased by 27 % to EUR 81.9 mn from EUR 64.4 mn in the corresponding period in 2008 .", + "label": 1 + }, + { + "text": "`` The combined activities will create value for shareholders and be good for our employees and customers .", + "label": 1 + }, + { + "text": "AstraZeneca to Buy ZS Pharma for $2.7 Billion", + "label": 1 + }, + { + "text": "Osborne extends Lloyds sell-off plan", + "label": -1 + }, + { + "text": "Panostaja owns a 68.77 pct of share capital and the voting rights of Suomen Helasto shares following an exchange of shares which was carried out on May 30 , 2007 .", + "label": 0 + }, + { + "text": "Genel Shares Plunge After Tony Hayward's Oil Explorer Cuts Crude Reserves at Core Field", + "label": -1 + }, + { + "text": "Cencorp , headquartered in Virkkala , Finland , develops and supplies automation solutions to the electronics and semiconductor industry that enhance productivity .", + "label": 0 + }, + { + "text": "Compagnie de Financement Foncier - Is to issue a benchmark , 10 year covered deal in Euros .", + "label": 0 + }, + { + "text": "Four former Barclays bankers jailed over Libor", + "label": -1 + }, + { + "text": "Barclays launches first 100% mortgages since crisis", + "label": 0 + }, + { + "text": "Net loss in the same period in 2009 was euro18 .6 million .", + "label": 0 + }, + { + "text": "BHP, Residents Brace as Cyclone Stan Nears Australian Coast", + "label": 0 + }, + { + "text": "Depending on the market situation , such projects are sold after 1 to 3 years after completion .", + "label": 0 + }, + { + "text": "EasyJet \"Sneakairs\": Airline is testing smart shoes to help customers explore destinations", + "label": 0 + }, + { + "text": "The company is involved in the the sale of financial products including insurance , mortgages , car and personal loans , financial brokerage and equipment finance leasing .", + "label": 0 + }, + { + "text": "An earn-out payment of up to 4.0 mln euro ( $ 5.3 mln ) can also be paid depending on Intellibis financial performance in 2007 .", + "label": 0 + }, + { + "text": "CompaniesRBS pulls a surprise: a 27% jump in profits", + "label": 1 + }, + { + "text": "UPDATE 2-AB InBev launches SAB bid, to sell MillerCoors stake", + "label": 0 + }, + { + "text": "The reductions will be implemented mainly in the course of the first half of 2009 .", + "label": 0 + }, + { + "text": "The redesigned crushing circuit has been in operation since the start of September and its overall production rate on a weekly basis is in excess of an average of 40,000 tonnes a day .", + "label": 0 + }, + { + "text": "Finnish Stockmann Group 's mail order unit Hobby Hall has launched a trial marketing campaign in Russia .", + "label": 0 + }, + { + "text": "Kemira 's partner in the project is St. Petersburg Water Works .", + "label": 0 + }, + { + "text": "Lloyds Bank Is Said to Face Potential Fine Over Handling of Insurance Complaints", + "label": -1 + }, + { + "text": "Cargotec 's business areas also include the container handling solutions business area Kalmar and the marine cargo handling and offshore load handling solutions business area MacGREGOR .", + "label": 0 + }, + { + "text": "The acquisition of +àlandsbanken Sverige in 2009 burdened the performance with EUR 3.0 mn .", + "label": -1 + }, + { + "text": "Barclays Said to Cut 150 at Investment Bank as McCormick Departs", + "label": -1 + }, + { + "text": "Operating profit surged to EUR21m from EUR106 ,000 .", + "label": 1 + }, + { + "text": "`` These developments partly reflect the government 's higher activity in the field of dividend policy . ''", + "label": 0 + }, + { + "text": "Sunday Papers: Shire told to raise its offer by Baxalta investors", + "label": 1 + }, + { + "text": "Pretax loss totalled EUR 49.9 mn , compared to a loss of EUR 15.4 mn in the corresponding period in 2008 .", + "label": -1 + }, + { + "text": "Relief for Lewis as Tesco sees sales grow for first time in a year", + "label": 1 + }, + { + "text": "He does not believe , however , that HKScan or Atria will start to use imported meat as Finnish consumers prefer domestic products .", + "label": 0 + }, + { + "text": "Alpina Sports is a Lebanon , New Hampshire USA based distributor of e.g. Alpina ski shoes and skis , Exel ski poles , Start ski waxes and now also Peltonen cross-country skis .", + "label": 0 + }, + { + "text": "Swedbank 's shares have been hardest hit of the Swedish banks by the ongoing international financial crisis .", + "label": -1 + }, + { + "text": "Tesco Mobile is offering you cash back in exchange for looking at ads", + "label": 0 + }, + { + "text": "YIT CORPORATION SEPT. 24 , 2007 at 13:30 CORPORATE RELEASE STOCK EXCHANGE RELEASE YIT 'S CAPITAL MARKETS DAY IN LONDON , SEPT. 26 , 2007 On Wednesday , September 26 , 2007 , YIT will hold a Capital Markets Day for investors and analysts in London .", + "label": 0 + }, + { + "text": "Horizonte acquires neighbouring Glencore nickel property in Brazil", + "label": 1 + }, + { + "text": "The store is located in Poznan in a shopping center named Pestka , the company added .", + "label": 0 + }, + { + "text": "NYSE owner ICE may gatecrash Deutsche Boerse-LSE merger", + "label": 0 + }, + { + "text": "Shropshire and Mid Wales trains to be hit again in new strike by Arriva drivers", + "label": -1 + }, + { + "text": "Admiral Group posts decline in 2014 earnings", + "label": -1 + }, + { + "text": "AstraZeneca bags another cancer drug deal, this time with Inovio", + "label": 1 + }, + { + "text": "L&G fund arm, Nikko Asset Management sign bond fund distribution deal", + "label": 1 + }, + { + "text": "AB InBev offers SABMiller $3 billion breakup fee", + "label": 0 + }, + { + "text": "Warren Buffett's Berkshire adds to favorites IBM, Wells Fargo", + "label": 1 + }, + { + "text": "Demand was brisk as expected and order levels have remained high .", + "label": 1 + }, + { + "text": "The new B shares carry the right to dividend and other shareholder rights with effect from today .", + "label": 0 + }, + { + "text": "Sainsbury CFO Rogers to Replace Home Retail CEO Walden", + "label": 0 + }, + { + "text": "No planned closing date was provided .", + "label": 0 + }, + { + "text": "The orders are part of a long-term development plan of Latvijas Finieris .", + "label": 0 + }, + { + "text": "ITV to pursue takeover of Canada's Entertainment One: Bloomberg", + "label": 0 + }, + { + "text": "Shell to Go Ahead With Petrochemical Plant in Pennsylvania", + "label": 1 + }, + { + "text": "`` We 're delighted with the move '' says Morna Cowie , co-owner , above , `` it 's double the size of our current shop and has a lovely feel to it . ''", + "label": 1 + }, + { + "text": "EU drops Shell, BP, Statoil from ethanol benchmark investigation", + "label": 1 + }, + { + "text": "Paper companies were in negative territories , with Stora Enso R shedding 1.62 pct to 12.73 eur , UPM-Kymmene down 0.80 pct at 18.64 eur and M-real B 0.18 pct lower at 5.57 eur .", + "label": -1 + }, + { + "text": "Hargreaves Lansdown bucks weak markets to see assets rise 2.6 percent", + "label": 1 + }, + { + "text": "Continuing operations turned an operating loss of EUR 0.1 mn , a slight improvement from a loss of EUR 0.2 mn a year earlier .", + "label": 1 + }, + { + "text": "Net profit in the three months through March 31 fell to ( x20ac ) 103 million ( US$ 165 million ) from ( x20ac ) 131 million a year earlier , the Finnish company said .", + "label": -1 + }, + { + "text": "The deliveries started in April 2006 and will be completed in 2007 .", + "label": 0 + }, + { + "text": "Konecranes Oyj KCR1V FH fell 5.5 percent to 20.51 euros , the biggest fall since June .", + "label": -1 + }, + { + "text": "Thus the method will cut working costs , and will fasten the planning and building processes .", + "label": 1 + }, + { + "text": "On the route between Helsinki in Finland and Tallinn in Estonia , cargo volumes increased by 36 % , while cargo volumes between Finland and Sweden fell by 9 % .", + "label": 0 + }, + { + "text": "Centrica urges policy overhaul as it warns of 'looming gap' in UK energy supplies", + "label": 0 + }, + { + "text": "Aldi and Lidl expansion plans speed ahead as Tesco, Sainsbury's, Morrisons ...", + "label": 1 + }, + { + "text": "Net profit in the same period in 2006 was ( x20ac ) 172 million .", + "label": 0 + }, + { + "text": "AstraZeneca wins FDA approval for key new lung cancer pill", + "label": 1 + }, + { + "text": "Finnish food company Raisio Oyj HEL : RAIVV said on Friday it has wrapped up the divestment of its margarine operations to US sector player Bunge Ltd NYSE : BG for EUR80m USD119 .2 m .", + "label": 0 + }, + { + "text": "The parties have also agreed that L+ñnnen Tehtaat has the right to sell the remaining shares in Suomen Rehu to Hankkija-Maatalous 15 months after the purchase of the majority holding , at the earliest .", + "label": 0 + }, + { + "text": "McEwan will be nursing RBS through more struggles yet", + "label": -1 + }, + { + "text": "Measures will be launched immediately and are due to be finalized in the first quarter of 2010 .", + "label": 0 + }, + { + "text": "Trading under the name Velta UK , a former Uponor brand , the company has been Uponor 's long-term partner in supplying Velta-branded systems particularly for the commercial and industrial building sector in the UK and internationally .", + "label": 0 + }, + { + "text": "The Estonian electronic components factory , Elcoteq , is running out of material because of the closure of air traffic .", + "label": -1 + }, + { + "text": "Lloyds Bank Is Said to Face Potential Fine Over Handling of Insurance Complaints", + "label": -1 + }, + { + "text": "Sir Ken Morrison has taken a £6m stake in rival Sainsbury's", + "label": 1 + }, + { + "text": "- Demand for fireplace products was lower than expected , especially in Germany .", + "label": -1 + }, + { + "text": "Walmart still selling Maryland T-shirts featuring the outline of Massachusetts", + "label": 0 + }, + { + "text": "LONDON MarketWatch -- Nokia nok said it 's won a five-year services contract to run Hutchison Essar 's network operations in nine locations in India .", + "label": 1 + }, + { + "text": "Operating profit margin increased from 11.2 % to 11.7 % .", + "label": 1 + }, + { + "text": "BHP's iron ore outlook holds little cheer for small miners", + "label": -1 + }, + { + "text": "The planned ethanol and energy production plant can operate in correlation with a waste treatment unit or a paper mill .", + "label": 0 + }, + { + "text": "RBS bosses ordered to go out and meet small firms", + "label": 0 + }, + { + "text": "SSE share price: Peterhead station to supply voltage support to National Grid", + "label": 1 + }, + { + "text": "Revenue for the quarter totaled 27.4 billion , down 2 percent from 28.1 billion in the fourth quarter in 2008 .", + "label": -1 + }, + { + "text": "Johnson Matthey sells research chemicals unit to Thermo Scientific", + "label": 1 + }, + { + "text": "The ongoing project where Tekla Structures is being used is the Vashi Exhibition Centre being developed by Insteel Engineers Pvt Ltd-IIVRCL Infrastructures & Projects Ltd & CIDCO .", + "label": 0 + }, + { + "text": "FastJet slams EasyJet founder Stelios for going public, is \"taking legal advice\" over letter about contractual ...", + "label": 0 + }, + { + "text": "Shire to buy NPS for $5.2 billion to boost rare disease drugs", + "label": 1 + }, + { + "text": "The company has 120 employees and annual sales of approximately EUR16m .", + "label": 0 + }, + { + "text": "The pilot project proved that RIFD technology is ideal for our purposes '' , comments Olli Saarinen , Material Handling Supervisor at Yara .", + "label": 1 + }, + { + "text": "`` As defences mature , attackers develop Trojans that are equipped with content filters to detect online banking activity for capturing account details using methods such as form grabbing , screen shots , video captures , keylogging and injection of form fields .", + "label": 0 + }, + { + "text": "Department store sales improved by 14 % to EUR 1,070.6 mn .", + "label": 1 + }, + { + "text": "`` We have analyzed Kaupthing Bank Sweden and found a business which fits well into Alandsbanken , '' said Alandsbanken 's chief executive Peter Wiklof in a statement .", + "label": 1 + }, + { + "text": "Hargreaves Lansdown says first-quarter assets hit by stock market flux", + "label": -1 + }, + { + "text": "Tesco criticised for 'disgraceful' advert showing domestic worker being slapped", + "label": -1 + }, + { + "text": "Last week , the Finnish metals and technology group announced plans to sell more than 80 percent of its technology unit to further the company 's strategic goal of becoming the world 's largest stainless steel maker .", + "label": 1 + }, + { + "text": "UK WINNERS & LOSERS: Aviva And Friends Life Lead FTSE 100 Gainers", + "label": 1 + }, + { + "text": "The fine print is here .", + "label": 0 + }, + { + "text": "These sections will be put into place to form the load-bearing steel structure of the bridge , '' says Sami Eronen , Senior Vice President , Infrastructure and Northern Europe , Ruukki Construction .", + "label": 0 + }, + { + "text": "Silicon Fen' champion brings exacting approach to Rolls-Royce", + "label": 0 + }, + { + "text": "The composite body is coated with a hard coating layer produced by thermal spraying , and the coating is ground . ''", + "label": 0 + }, + { + "text": "City24 users can search for homes and properties in all areas where City24 is active , even outside their own country .", + "label": 0 + }, + { + "text": "Centrica extends gas deals with Gazprom, Statoil", + "label": 0 + }, + { + "text": "SHARE REPURCHASE 11.01.2008 In the Helsinki Stock Exchange On behalf of Sampo plc Danske Bank A-S Helsinki Branch", + "label": 0 + }, + { + "text": "They will be sunk to a depth of some 360-380 metres and fixed to the bottom mud by vacuum .", + "label": 0 + }, + { + "text": "`` The trend in the sports and leisure markets was favorable in the first months of the year .", + "label": 1 + }, + { + "text": "The amending of the proposal simplifies the proposed plan and increases the incentive for key employees to stay in the Company .", + "label": 1 + }, + { + "text": "Mr K.R. Vasantha has been appointed Managing Director of Incap Contract Manufacturing Services Pvt. Ltd. .", + "label": 0 + }, + { + "text": "Operating loss totalled EUR 12.7 mn , compared to a profit of EUR 17.7 mn in the first half of 2008 .", + "label": -1 + }, + { + "text": "Lloyds Banking Group to cut 640 jobs and close 23 branches", + "label": 1 + }, + { + "text": "The order was worth EUR 8mn .", + "label": 0 + }, + { + "text": "Profit before taxes decreased by 9 % to EUR 187.8 mn in the first nine months of 2008 , compared to EUR 207.1 mn a year earlier .", + "label": -1 + }, + { + "text": "Previously , it projected the figure to be slightly lower than in 2009 .", + "label": 0 + }, + { + "text": "The transaction will have a positive impact of around EUR2m on earnings , which Ruukki will recognize during the fourth quarter of this year .", + "label": 1 + }, + { + "text": "Earnings per share EPS are seen at EUR 0.56 , up from EUR 0.38 .", + "label": 1 + }, + { + "text": "Bilfinger investors cheered the agreement , pushing shares up 7 % , or & euro ; 3.30 , to & euro ; 50.29 , in afternoon trade .", + "label": 1 + }, + { + "text": "Almost the entire office building will be occupied by Metso .", + "label": 0 + }, + { + "text": "No financial information was provided .", + "label": 0 + }, + { + "text": "Elisa said mobile subscriptions grew 7 percent during 2007 , mainly because of customers adopting so-called third generation mobile technology .", + "label": 1 + }, + { + "text": "CompaniesTravis Perkins lifts dividend, earnings rise 15%", + "label": 1 + }, + { + "text": "It expects revenue between $ 8.4 billion and $ 8.7 billion , compared to analyst estimates of $ 8.67 billion .", + "label": 0 + }, + { + "text": "Tullow Oil eyes lower earnings as output falls", + "label": -1 + }, + { + "text": "The company confirmed its estimate for lower revenue for the whole 2009 than the year-ago EUR 93.9 million USD 137.3 m as given in the interim report on August 5 .", + "label": -1 + }, + { + "text": "In Q1 of 2009 , the company 's result before taxes from continuing operations , excluding non-recurring items , totalled EUR -0.4 mn , compared to EUR -0.1 mn in the corresponding period in 2008 .", + "label": -1 + }, + { + "text": "Sainsbury's, Asda, Tesco and Morrisons will all cut petrol prices as oil falls ...", + "label": -1 + }, + { + "text": "The closing of such transaction took place today .", + "label": 0 + }, + { + "text": "LONDON MORNING BRIEFING: HSBC And Standard Chartered Shares Rise", + "label": 1 + }, + { + "text": "In Finland , the five largest brands control 90 % of the beer market .", + "label": 0 + }, + { + "text": "20 October 2010 - Finnish environmental management company Lassila & Tikanoja Oyj HEL : LAT1V , or L&T , said Monday it expects its operating profit , excluding non-recurring items , for the whole 2010 to be slightly lower than in 2009 .", + "label": -1 + }, + { + "text": "The situation of coated magazine printing paper will continue to be weak .", + "label": -1 + }, + { + "text": "The pretax profit of the group 's life insurance business increased to EUR36m from EUR27m .", + "label": 1 + }, + { + "text": "After Barclays and Bank of America, Citigroup has blockchain in sight", + "label": 0 + }, + { + "text": "Panostaja did not disclose the purchase price .", + "label": 0 + }, + { + "text": "Elcoteq 's revenues in 2007 were approximately EUR 120 million .", + "label": 0 + }, + { + "text": "This is the company 's first contract abroad .", + "label": 0 + }, + { + "text": "Dave Lewis admits long road ahead for Tesco recovery", + "label": -1 + }, + { + "text": "ASSA ABLOY Kaupthing Bank gave a ` neutral ' recommendation and a share price target of 174 crowns $ 24.7 - 19 euro on Swedish lock maker Assa Abloy AB .", + "label": 0 + }, + { + "text": "BasWare Order Matching automatically matches purchase invoices with approved purchase orders .", + "label": 0 + }, + { + "text": "Fortum had previously bought the state-held stake in TGK-10 from RAO UES during its reform .", + "label": 0 + }, + { + "text": "Johnson Matthey profit falls but dividend rises", + "label": 0 + }, + { + "text": "Boomerang Boats had net sales of EUR 4.1 mn and it made an operating profit of EUR 0.4 mn in 2006 .", + "label": 0 + }, + { + "text": "Standard Chartered CEO Peter Sands to Resign After Unrest at Bank", + "label": -1 + }, + { + "text": "The Finnish textiles and clothing company Marimekko Corporation ( OMX Helsinki : MMO1V ) reported on Wednesday ( 5 November ) an operating profit of EUR8 .1 m on net sales of EUR59m for the period from January to September 2008 .", + "label": 0 + }, + { + "text": "Antofagasta Sees Lower Cash Costs In 2015 - Quick Facts", + "label": 1 + }, + { + "text": "Industry NewsG4S makes 'positive' start to year, no new impairments", + "label": 1 + }, + { + "text": "Products include Consumer Electronics devices such as mobile phones and their accessories , set-top boxes , flat panel TVs as well as System Solutions products such as infrastructure systems , modules and other industrial segment products .", + "label": 0 + }, + { + "text": "First quarter underlying operating profit rose to 41 mln eur from 33 mln a year earlier .", + "label": 1 + }, + { + "text": "Beach holiday demand helps lift clouds for easyJet", + "label": 1 + }, + { + "text": "After the sale , Outokumpu 's share of the technology unit will be reduced to some 12-20 percent .", + "label": 0 + }, + { + "text": "LONDON AFX - UK and European brokers ' recommendations issued today , as collated by AFX News from a range of market sources .", + "label": 0 + }, + { + "text": "AstraZeneca Explores Potential Deal With Acerta for Cancer Drug", + "label": 1 + }, + { + "text": "And that 's exactly what happened on a recent weekday when an East Haven baker was brought in to remind residents about the Easter tradition of making wheat and rice pies .", + "label": 0 + }, + { + "text": "The connectivity unit has more than 100 e-invoice customers , and the number of annual transactions stands at nearly one million .", + "label": 0 + }, + { + "text": "The gross area of the Innova 2 project will be about 10,000 sq m ( 107,600 sq ft ) .", + "label": 0 + }, + { + "text": "According to Karhinen , OP-Pohjola is an exciting enterprise because the cooperation will bring huge opportunities for customers and the company itself .", + "label": 1 + }, + { + "text": "Sports Direct boss Mike Ashley summoned to Westminster for questioning over the treatment of workers", + "label": -1 + }, + { + "text": "Cencorp estimates that its net sales in the last quarter will be as earlier stated , EUR4 .3 m to EUR5 .0 m , and operating profit (EBIT)is estimated to be positive .", + "label": 1 + }, + { + "text": "Standard Life impresses as fee-based products offset annuities slump", + "label": 1 + }, + { + "text": "Sainsbury's and Glencore give FTSE a three-digit lift - London Report", + "label": 1 + }, + { + "text": "This is a much better process than using virgin paper as it requires less transportation of wood pulp from places like Finland and Canada .", + "label": 1 + }, + { + "text": "Barclays Bonds Rise as Lender Cuts Dividends to Shore Up Capital", + "label": 1 + }, + { + "text": "The fair value of the property portfolio doubled as a result of the Kapiteeli acquisition and totalled EUR 2,686.2 1,259.7 million .", + "label": 1 + }, + { + "text": "Miners Meltdown as BHP to Rio Tinto Sink in Commodities Rout", + "label": -1 + }, + { + "text": "The upgrade is intended to raise the network capacity from 450 MHz to 630 MHz in several cities , enabling bi-directional services for digital television as well as broadband data .", + "label": 1 + }, + { + "text": "The hosting mobile terminal guides information flow between itself , the participating terminals , and optionally , with network servers that may assist the hosting mobile terminal .", + "label": 0 + }, + { + "text": "OUTOTEC OYJ PRESS RELEASE DECEMBER 4 , 2009 10.30 AM Outotec establishes a new subsidiary in Kolkata Outotec has established a subsidiary in India in order to better serve its Indian customers and to increase its business in the growing Indian market .", + "label": 1 + }, + { + "text": "However short-term rentals are becoming more popular .", + "label": 0 + }, + { + "text": "Big account wins keep ad group WPP at front of pack", + "label": 1 + }, + { + "text": "Shares in Royal and Sun Alliance continued to slide back from a 12-month high of 172p last month , after a potential suitor ruled itself out of a takeover bid .", + "label": -1 + }, + { + "text": "- Profit before taxes was EUR 105.9 82.7 million .", + "label": 0 + }, + { + "text": "MD Henning Bahr of Stockmann Gruppen praises the trend , since the chains become stronger and their decision-making processes more clear .", + "label": 1 + }, + { + "text": "UK WINNERS & LOSERS: Aviva And Friends Life Lead FTSE 100 Gainers", + "label": 1 + }, + { + "text": "EPS grew to 0.04 eur from 0.02 eur .", + "label": 1 + }, + { + "text": "RBS breaks with past by tearing investment bank apart", + "label": 0 + }, + { + "text": "The financial statements release will be available after publishing on the Company 's internet pages at www.cargotec.com .", + "label": 0 + }, + { + "text": "About Dopplr Dopplr is a service for smart travellers .", + "label": 0 + }, + { + "text": "Cuadrilla chief Francis Egan: Scaremongering fracking opponents make me angry", + "label": 0 + }, + { + "text": "Finnish Cargotec 's Kalmar , the business area providing container handling solutions , has been awarded an order for a further ten E-One rubber-tyred gantry RTG cranes from Saigon Newport Company SNP , in Vietnam .", + "label": 1 + }, + { + "text": "Excluding non-recurring items , pre-tax profit surged 45 % to EUR80m .", + "label": 1 + }, + { + "text": "Master of Mayawas jointly developed by Nokia Siemens Networks and UFA - FremantleMedia , and will be actively advertised by Maxis in the end of May 2007 .", + "label": 0 + }, + { + "text": "Before FKI , John Jiang has worked in several general manager or senior business consultant positions for international companies in China .", + "label": 0 + }, + { + "text": "Closing of such transaction took place today .", + "label": 0 + }, + { + "text": "Whitbread Profit Up As Sales Continue To Rise, Looking For New CEO", + "label": 1 + }, + { + "text": "Boomeranger Boats Oy specialises in boat building and designs , manufactures and sells customised Rigid Inflatable Boats RIB primarily for the Baltic Sea market .", + "label": 0 + }, + { + "text": "WPP's Sir Martin Sorrell is highest-paid FTSE 100 chief executive", + "label": 0 + }, + { + "text": "Delivery is due in the second half of 2011 .", + "label": 0 + }, + { + "text": "Severn Trent Profit Offsets Interest Rate Swap Losses", + "label": 0 + }, + { + "text": "However , the broker gave an `` outperform '' recommendation on the stock .", + "label": 1 + }, + { + "text": "The study evaluated the safety , tolerability and pharmacokinetics of repeated doses of intravenously administered antibody in 26 patients with active plaque psoriasis .", + "label": 0 + }, + { + "text": "US STOCKS-Wall St rises on Berkshire deal, China stimulus hopes", + "label": 1 + }, + { + "text": "We are honored to be acknowledged for our commitment to the industry , especially in Asia Pacific . ''", + "label": 1 + }, + { + "text": "Theodosopoulos said Tellabs could be of value to Nokia Siemens or Nortel given its `` leading supply status '' with Verizon , along with high-growth products .", + "label": 1 + }, + { + "text": "Fiskars , the World 's 1 Scissors Brand TM , recently won Learning -« Magazine 's 2011 Teachers ' Choice Award for the Classroom .", + "label": 1 + }, + { + "text": "Barclays Plc ( LSE : BARC ) ( NYSE : BCS ) , Credit Agricole SA ( EPA : ACA ) ( CAGR .", + "label": 0 + }, + { + "text": "BP joins forces with Det Norske in Norway", + "label": 1 + }, + { + "text": "Tesco names Deloitte as new auditor after accounting scandal", + "label": 1 + }, + { + "text": "FastJet slams EasyJet founder Stelios for going public, is \"taking legal advice\" over letter about contractual ...", + "label": -1 + }, + { + "text": "The sale of Savcor FACE to Cencorp will result in a profit or loss which can not yet be determined , owing to factors including the valuation of the consideration shares to be received and prevailing exchange rates .", + "label": 0 + }, + { + "text": "A spokesman said : `` The food store center , subject to council and local support , could comprise a supermarket or smaller store and other niche outlets , and this will be firmed up following consultation with the council and local community regarding appropriate uses and occupiers . ''", + "label": 0 + }, + { + "text": "European shares plunge, roiled by BHP and oil; hopes turn to ECB", + "label": -1 + }, + { + "text": "CompaniesDeutsche taps ex-StanChart executive for audit role", + "label": 0 + }, + { + "text": "NORDIC BUSINESS REPORT-26 June 2006-Metso Corporation wins EUR50m equipment order in Australia -® 1998-2006 M2 COMMUNICATIONS LTD The Finnish engineering and technology group Metso Corporation said on Monday ( 26 June ) that it has received a EUR50m equipment order in Australia .", + "label": 1 + }, + { + "text": "He answers questions on how many visitors Conversations gets , how big the team is and what the problems are when setting up social media channels .", + "label": 0 + }, + { + "text": "Prudential Financial quarterly profit rises 64 pct", + "label": 1 + }, + { + "text": "The company expects its net sales for the whole 2009 to be at previous year levels .", + "label": 0 + }, + { + "text": "Related links : Flexiblebaseloadoperation TheWartsila32generating set Gasconversions This is the shorter of two versions of this press release .", + "label": 0 + }, + { + "text": "easyJet leads Britain's FTSE lower as global bond rout resumes", + "label": -1 + }, + { + "text": "StanChart capital raising would be \"major surprise\" -investor Aberdeen", + "label": 0 + }, + { + "text": "The contract covers the manufacturing , surface-treatment and installation of the steel structures .", + "label": 0 + }, + { + "text": "Tesco Said to Discuss Central and Eastern European Unit Sale", + "label": 1 + }, + { + "text": "The Commission is to be applauded for applying a fact-based and data-driven approach and for providing clarity for future petitions .", + "label": 1 + }, + { + "text": "Britain's FTSE bounces back, Mondi and Barratt lead", + "label": 1 + }, + { + "text": "The total investment necessary will be EUR40m , the company estimated .", + "label": 0 + }, + { + "text": "Vacon recently announced plans to build its North American headquarters at 5 Business Park in Chambersburg .", + "label": 0 + }, + { + "text": "CompaniesRoyal Mail stake sale delivers £750m for taxpayer", + "label": 0 + }, + { + "text": "Thanks to the internet , consumers compare products more than previously and Finnish companies are not competitive .", + "label": -1 + }, + { + "text": "`` BasWare 's product sales grew strongly in the financial period , by 24 percent .", + "label": 1 + }, + { + "text": "It is also 7.7 pct above the 12-month volume weighted average price of the stock .", + "label": 1 + }, + { + "text": "Brazil Vale says will appeal ruling to block assets for dam burst", + "label": 0 + }, + { + "text": "Fiskars Brands report net sales of EUR 145.8 mn , up from EUR 138.4 mn .", + "label": 1 + }, + { + "text": "Earnings per share were EUR -0.04 -0.06 .", + "label": 0 + }, + { + "text": "Most of the growth in beer consumption took place in the Far East , Latin America and Africa .", + "label": 0 + }, + { + "text": "Finnish Kemira Group 's CEO , Lasse Kurkilahti , says the Group 's structural reorganisation will continue for at least a year .", + "label": 0 + }, + { + "text": "PRESS: HSBC Chairman Hints Bank May Retain UK Domicile - Tel", + "label": 0 + }, + { + "text": "The use of validation rule base enables verifying that processing rule bases managed by different administrators fulfil some set requirements .", + "label": 0 + }, + { + "text": "The restructuring measures will not affect the production of packaging printing material .", + "label": 0 + }, + { + "text": "UPDATE 1-UK to start selling remaining Royal Mail shares", + "label": -1 + }, + { + "text": "Tesco's Sales Pickup Isn't Enough", + "label": -1 + }, + { + "text": "London Stock Exchange Group's quarterly revenue rises 12 percent", + "label": 1 + }, + { + "text": "NYSE owner ICE may gatecrash Deutsche Boerse-LSE merger", + "label": -1 + }, + { + "text": "FCA bans former RBS Libor submitter", + "label": -1 + }, + { + "text": "Persimmon revenues lifted 12% by post-election confidence", + "label": 1 + }, + { + "text": "Wolseley share price: Group updates on quarterly performance", + "label": 0 + }, + { + "text": "This combined with foreign investments creates interesting opportunities for Solteq .", + "label": 1 + }, + { + "text": "Currently , the plant operates on full capacity .", + "label": 0 + }, + { + "text": "FCC Chairman Kevin Martin said that fair play required extending the same deregulatory rules to the digital subscriber lines that telecom providers use for broadband networks .", + "label": 0 + }, + { + "text": "Glaston 's share GLA1V is listed on the NASDAQ OMX Helsinki , Mid Cap List .", + "label": 0 + }, + { + "text": "The company specialises in temporary electrification and heating at construction sites .", + "label": 0 + }, + { + "text": "Shell and BG Shareholders to Vote on Deal at End of January", + "label": 0 + }, + { + "text": "Net income from life insurance doubled to EUR 6.8 mn from EUR 3.2 mn , and net income from non-life insurance rose to EUR 5.2 mn from EUR 1.5 mn in the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "Fewer multi-buys hurt Sainsbury's market share", + "label": -1 + }, + { + "text": "EU drops Shell, BP, Statoil from ethanol benchmark investigation", + "label": 1 + }, + { + "text": "Financing of the project will come mainly from China .", + "label": 0 + }, + { + "text": "- Cash flow from operating activities before investments was EUR 7.6 million EUR 2.5 million .", + "label": 0 + }, + { + "text": "International operations accounted for over 80 % of net sales .", + "label": 0 + }, + { + "text": "Based on the 2005 calendar year the combined company had EUR15 .8 bn in pro forma annual revenues and is expected to start operations with 60,000 employees .", + "label": 0 + }, + { + "text": "FTSE ends lower on weaker miners, Tesco outperforms", + "label": 1 + }, + { + "text": "The OMX Helsinki index was down 0.34 pct at 8,256.02 on turnover of 813.191 mln eur .", + "label": -1 + }, + { + "text": "The acquisition does not have to be from the frozen foods or fish sector , as long as it has synergies with L+ñnnen Tehtaat 's other businesses .", + "label": 0 + }, + { + "text": "- UPM-Kymmene upgraded to ` in-line ' from ` underperform ' by Goldman Sachs .", + "label": 1 + }, + { + "text": "UPDATE 3-Auto Trader shares leap in UK's biggest private equity-backed listing", + "label": 1 + }, + { + "text": "Stora Enso will receive a 19.9 pct equity interest in the combined company .", + "label": 0 + }, + { + "text": "Glencore tells investors it is on track to reduce debt: Barclays", + "label": 1 + }, + { + "text": "London stock exchange shareholders vote on merger deal under Brexit cloud", + "label": -1 + }, + { + "text": "Originally posted to the PCMag.com security blog , Security Watch .", + "label": 0 + }, + { + "text": "However , net sales in 2010 are seen to have grown to EUR598 .3 m from EUR582 .3 m in 2009 .", + "label": 1 + }, + { + "text": "At the beginning of the subscription period on May 2 , 2006 the share subscription price under B option right is EUR 10.22 per share .", + "label": 0 + }, + { + "text": "Marimekko Group 's full-year net sales are estimated to increase by about 10 % .", + "label": 1 + }, + { + "text": "Ethanol would be made from barley , and production could start in 2008 .", + "label": 0 + }, + { + "text": "Net sales increased to EUR193 .3 m from EUR179 .9 m and pretax profit rose by 34.2 % to EUR43 .1 m. ( EUR1 = USD1 .4 )", + "label": 1 + }, + { + "text": "Altogether Finnair has canceled over 500 flights because of the strike .", + "label": -1 + }, + { + "text": "Pre-tax profit totaled EUR 397.4 mn , up from EUR 164.7 mn .", + "label": 1 + }, + { + "text": "POYRY PLC Additional information by : Heikki Malinen , President and CEO , Poyry PLC tel. +358 10 33 21307 Poyry is a global expert in consulting and engineering .", + "label": 0 + }, + { + "text": "The adjustments concern staff in both the Specialty Papers and the Fiber Composites segments .", + "label": 0 + }, + { + "text": "UPDATE 3-Barclays fined for lax crime checks in 'deal of century'", + "label": -1 + }, + { + "text": "The last quarter was the best quarter of 2009 in net sales , and the operating margin rose to 12.2 % .", + "label": 1 + }, + { + "text": "In the reporting period , the company 's operating profit grew by 43.2 % to EUR 6 million .", + "label": 1 + }, + { + "text": "So far as is known , he did not sell shares that he owns personally .", + "label": 0 + }, + { + "text": "With the acquisition , the company will expand its offering to North , Central and South America , it said .", + "label": 1 + }, + { + "text": "Metso 's delivery will include a complete coated board line with related air systems and two winders .", + "label": 0 + }, + { + "text": "Britain's FTSE bounces back, Mondi and Barratt lead", + "label": 1 + }, + { + "text": "EasyJet Dismisses Lufthansa Low-Cost Plan in Contest for Germany", + "label": 0 + }, + { + "text": "Prothious Engineering ( www.prothious.com ) employs more than 1,000 and has a large portfolio of projects and an annual detailing capacity of more than 100,000 tonnes .", + "label": 0 + }, + { + "text": "Rapala said it estimates it will make savings of 1-2 mln eur a year by centralising its French operations at one site .", + "label": 1 + }, + { + "text": "( A spokesperson told WWD to expect a 50-50 mix of clothing and home decor . )", + "label": 0 + }, + { + "text": "Johnson Matthey sells research chemicals unit to Thermo Scientific", + "label": 1 + }, + { + "text": "Shire CEO steps up drive to get Baxalta board talking", + "label": 1 + }, + { + "text": "Operating profit excluding restructuring costs grew to EUR 44.5 million from EUR 31.7 million while operating profit including restructuring costs showed even larger growth to EUR 38.5 million from EUR 7.4 million .", + "label": 1 + }, + { + "text": "Ixonos will finance the acquisition through a 3.8 mln euro $ 5.2 mln loan .", + "label": 0 + }, + { + "text": "The plant would use palm oil certified by the Roundtable on Sustainable Palm Oil ( RSPO ) .", + "label": 0 + }, + { + "text": "Finnish Bank of +àland reports its operating profit rose to EUR 21.3 mn in the second quarter of 2009 from EUR 6.1 mn in the corresponding period in 2008 .", + "label": 1 + }, + { + "text": "` Nordic infrastructure construction is one of our strategic growth areas .", + "label": 0 + }, + { + "text": "Schroders posts FY profit beat, replaces CEO and chairman in board shake-up", + "label": 0 + }, + { + "text": "The company will pay a dividend of EUR 0.50 per share , a total of EUR 14mn .", + "label": 0 + }, + { + "text": "Diageo sells wine businesses for 320m pounds", + "label": 1 + }, + { + "text": "CompaniesTravis Perkins lifts dividend, earnings rise 15%", + "label": 1 + }, + { + "text": "Finnish electronics manufacturing services company Elcoteq signing a cooperation agreement with a Japanese mobile phone manufacturer , bypasses Elcoteq Tallinn , says Jan Kotka , CEO of Elcoteq Tallinn .", + "label": 1 + }, + { + "text": "Aviva Fined $27 Million by U.K. Regulator Over Fee Failings", + "label": -1 + }, + { + "text": "Meanwhile , Nokia said that it will be able to deliver a complete range of services from deployment operations to consulting and integration to managed services as a result of the buyout .", + "label": 1 + }, + { + "text": "Cargotec will also move Hallberg-Ivarsson 's service and installation business under the same roof with its service center for Kalmar and MacGregor solutions in Gothenburg .", + "label": 0 + }, + { + "text": "The Bristol Port Company has sealed a one million pound contract with Cooper Specialised Handling to supply it with four 45-tonne , customised reach stackers from Konecranes .", + "label": 1 + }, + { + "text": "Veracel is preparing an appeal in the issue and has asked the court for clarification of the judgement .", + "label": 0 + }, + { + "text": "The company will publish its financial statement for 2008 on February 25 , 2009 .", + "label": 0 + }, + { + "text": "Luxembourg-registered investment fund Amber Trust II has won the final approval of Lithuania 's Competition Council to acquire 29.6 percent of Sanitas , the country 's largest pharmaceutical producer .", + "label": 1 + }, + { + "text": "Barclays, Credit Suisse strike record deals with SEC, NY over dark pools", + "label": -1 + }, + { + "text": "Passengers rise at EasyJet and Aer Lingus", + "label": 1 + }, + { + "text": "At the end of March 2009 , the company 's loans amounted to EUR 10.113 mn .", + "label": 0 + }, + { + "text": "Berkshire seeks to boost its Wells Fargo stake above 10 percent", + "label": 1 + }, + { + "text": "UPDATE 1-Nomura, RBS must pay $806 mln in mortgage bond case-US judge", + "label": -1 + }, + { + "text": "News FeedFTSE 100 movers: LSE surges as ICE says mulling offer; Ashtead and Barclays tank", + "label": 1 + }, + { + "text": "Barclays CEO poaches risk head from JP Morgan", + "label": 0 + }, + { + "text": "The contract is for next year .", + "label": 0 + }, + { + "text": "Britain's FTSE gains, Land Securities up after dividend hike", + "label": 1 + }, + { + "text": "The company operates power plants in the Tyumen and Chelyabinsk regions and in the Khanty-Mansi Autonomous District .", + "label": 0 + }, + { + "text": "Following the payment made in April , the company has a total of EUR 23.0 million in loans from financial institutions .", + "label": 0 + }, + { + "text": "( ADP News ) - Feb 12 , 2009 - Finnish IT solutions provider Affecto Oyj ( HEL : AFE1V ) said today its net profit rose to EUR 8.5 million ( USD 11m ) in 2008 from EUR 7 million in 2007 .", + "label": 1 + }, + { + "text": "The Oulu plant employs approximately 120 people .", + "label": 0 + }, + { + "text": "UPM-Kymmene www.upm-kymmene.com produces magazine papers and newsprint , as well as fine and specialty papers , converting materials and wood products .", + "label": 0 + }, + { + "text": "Stichting Pensioenfonds ABP : 4 118 122 shares representing 5.19 % of the share capital and voting rights .", + "label": 0 + }, + { + "text": "The Bank of Tokyo-Mitsubishi UFJ , Ltd acted as agent for the loan .", + "label": 0 + }, + { + "text": "The outsourced Scan and Capture solutions transfer paper invoices into electronic format , and Basware Business Transactions Service allows the customer to receive and send invoices in an electronic format .", + "label": 0 + }, + { + "text": "Unit costs for flight operations fell by 6.4 percent .", + "label": 1 + }, + { + "text": "AstraZeneca share price: Company to carve out antibiotic R&D unit into separate ...", + "label": 1 + }, + { + "text": "LONDON MarketWatch -- Share prices ended lower in London Monday as a rebound in bank stocks failed to offset broader weakness for the FTSE 100 .", + "label": -1 + }, + { + "text": "After Barclays and Bank of America, Citigroup has blockchain in sight", + "label": 1 + }, + { + "text": "Berkshire Hathaway's 4Q profit declines 17 percent", + "label": -1 + }, + { + "text": "Deliveries have started and the network will be ready for a launch soon .", + "label": 1 + }, + { + "text": "RSA Insurance Hires Towergate's Egan as Chief Financial Officer", + "label": 0 + }, + { + "text": "The Polish business employs about 1,000 people , and it had net sales of about EUR 70mn in 2007 .", + "label": 0 + }, + { + "text": "The company 's scheduled traffic , measured in revenue passenger kilometres RPK , grew by just over 2 % and nearly 3 % more passengers were carried on scheduled flights than in February 2009 .", + "label": 1 + }, + { + "text": "Cerberus Capital Management LP-backed printing paper maker NewPage Corp. has posted mixed second-quarter results , casting a cloud over its planned initial public offering .", + "label": -1 + }, + { + "text": "Finnish Raute Precision that supplies weighing and dosing systems and plants is changing its name to Lahti Precision .", + "label": 0 + }, + { + "text": "A broad range of connectivity options including 3G - HSPA and Wi-Fi gives consumers high speed access to the Internet .", + "label": 0 + }, + { + "text": "Finnish electronics manufacturer PKC Group Oyj ( OMX Helsinki : PKC1V ) said on Wednesday ( 31 December ) that it has completed the acquisition of MAN Nutzfahrzeuge AG 's cable harness business from MAN Star Trucks & Buses Spolka zoo in Poland .", + "label": 1 + }, + { + "text": "Exclusive - Britain targets sale of half its RBS stake in two years: sources", + "label": -1 + }, + { + "text": "Aviva Expects 1500 Jobs Cuts from Friends Life Deal", + "label": 1 + }, + { + "text": "The approximately 20,000 dwt vessel has been ordered from India .", + "label": 0 + }, + { + "text": "Technopolis and the St. Petersburg government signed a cooperation memorandum in October 2005 to set up a techno-park in the Neudorf production zone in the village of Strelny , in the St. Petersburg suburbs .", + "label": 1 + }, + { + "text": "Vaisala , headquartered in Helsinki in Finland , develops and manufactures electronic measurement systems for meteorology , environmental sciences , traffic and industry .", + "label": 0 + }, + { + "text": "Circulation revenue has increased by 5 % in Finland and 4 % in Sweden in 2008 .", + "label": 1 + }, + { + "text": "The maximum grade of the veneer yield is calculated , based on the dimensions and grades of the veneer products , as well as by iterating the places of the peeling axes and simulating the peeling process .", + "label": 0 + }, + { + "text": "Coffee will be served starting at 14:30 EET as well as after the event .", + "label": 0 + }, + { + "text": "Increase in the number of shares is based on the option rights which were granted to the management of the company under the stock option plan 2006 .", + "label": 0 + }, + { + "text": "Morning Agenda: Shire's Deal for NPS", + "label": 0 + }, + { + "text": "Retail focus helps to shield Lloyds from banking chill", + "label": 1 + }, + { + "text": "Mobile phone shipments jumped 26 percent to almost 112 million units , while Finnish company 's global market share rose to 39 percent from 36 percent .", + "label": 1 + }, + { + "text": "The value of orders on hand totaled EUR 237.1 mn .", + "label": 0 + }, + { + "text": "Rio Tinto swings to loss, drops dividend policy", + "label": -1 + }, + { + "text": "InterContinental Hotels first-quarter global room revenue lags estimates", + "label": -1 + }, + { + "text": "Bids or offers include at least 1,000 shares and the value of the shares must correspond to at least EUR4 ,000 .", + "label": 0 + }, + { + "text": "StanChart may see white knight takeover on painful recovery - CLSA", + "label": 0 + }, + { + "text": "Investors Remain Skeptical About Shell-BG Deal", + "label": -1 + }, + { + "text": "The employee negotiations are to address measures needed to adjust the operations to the present production situation .", + "label": 0 + }, + { + "text": "With this appointment Kaupthing Bank aims to further co-ordinate Capital Markets activities within the Group and to improve the overall service to clients .", + "label": 1 + }, + { + "text": "GlaxoSmithKline set to complete $20 billion Novartis asset swap next week", + "label": 1 + }, + { + "text": "CompaniesTesco sheds Harris & Hoole coffee shops", + "label": 1 + }, + { + "text": "The financial impact is estimated to be an annual improvement of EUR2 .0 m in the division 's results , as of fiscal year 2008 .", + "label": 1 + }, + { + "text": "US judge rules that BP spill smaller than feared", + "label": 0 + }, + { + "text": "Insurers: Admiral blows hot and cold but Aviva soars pre-Friends Life merger", + "label": 1 + }, + { + "text": "ConAgra Names Former Hillshire Farms CEO Connolly to Top Post", + "label": 0 + }, + { + "text": "FTSE rallies off three-month low, boosted by StanChart, Sainsbury", + "label": 1 + }, + { + "text": "Sales of mid-strength beer decreased by 40 % .", + "label": -1 + }, + { + "text": "The Moscow Metro ( www.mosmetro.ru ) was the first metro system in Europe to implement smart cards together with a new type of magnetic card in 1998 .", + "label": 0 + }, + { + "text": "Peroni and Grolsch put up for sale as AB InBev plans acquisition of SABMiller", + "label": 1 + }, + { + "text": "Can BP Restore Its Lost Luster?", + "label": -1 + }, + { + "text": "CapMan , an asset manager , has EUR 3bn worth of assets under management in the Nordic region .", + "label": 0 + }, + { + "text": "`` The number of collection errors fell considerably , and operations speeded up .", + "label": 1 + }, + { + "text": "Publishing Sweden 's operating loss was EUR 1.1 mn in Q1 of 2009 , compared to a profit of EUR 0.6 mn a year ago .", + "label": -1 + }, + { + "text": "Finnish silicon wafer technology company Okmetic Oyj OMX Helsinki : OKM1V reported on Thursday 30 October an operating profit of EUR7 .4 m for January-September 2008 , up from EUR6 .1 m in the corresponding period in 2007 .", + "label": 1 + }, + { + "text": "Finnish fibers and plastics producer Suominen Corporation OMX Helsinki : SUY1V reported on Wednesday 22 October an operating loss of EUR0 .8 m on net sales of EUR55 .2 m for the third quarter of 2008 .", + "label": 0 + }, + { + "text": "The ship unloader is totally enclosed along the entire conveying line to the storage facilities .", + "label": 0 + }, + { + "text": "Barclays set to name former JPMorgan banker Staley as new CEO", + "label": 0 + }, + { + "text": "Tesco UK personnel director quits supermarket", + "label": -1 + }, + { + "text": "Insurer Old Mutual picks Standard Bank's Hemphill as new CEO", + "label": 0 + }, + { + "text": "Finland-based international machinery rental company Ramirent Plc ( OMX Helsinki : RMR1V ) said on Friday ( 9 May ) that its president and CEO , Kari Kallio , has informed the board of his intention to retire in year 2009 .", + "label": 0 + }, + { + "text": "The company also appointed Leif Rosen head of the Special Plate unit which includes the quarto plate units in Degerfors , Sweden , and New Castle , USA , the unit in Willich , Germany , as well as Pressplate and Prefab in Avesta and Plate Service Centre Nordic in Degerfors .", + "label": 0 + }, + { + "text": "F-Secure reported that : - The first half of 2008 has seen a growing number of targeted malware attacks on individuals , companies , and organizations .", + "label": 0 + }, + { + "text": "Merged LSE and Deutsche Börse would be led by Germany's Kengeter", + "label": 0 + }, + { + "text": "BAE Systems banks on US defence spending to fix sales slide", + "label": 0 + }, + { + "text": "Pharmaceutical market in Netherlands Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Netherlands .", + "label": 0 + }, + { + "text": "Revenue grew 12 percent to ( x20ac ) 3.6 billion ( US$ 4.5 billion ) .", + "label": 1 + }, + { + "text": "Diageo receives reports from United Spirits on financial irregularities involving ...", + "label": -1 + }, + { + "text": "Tesco share price jumps as Q3 sales top estimates", + "label": 1 + }, + { + "text": "US urges final approval of $20 billion BP oil spill pact", + "label": -1 + }, + { + "text": "Besides , Pit-Produkt will enter the new segments .", + "label": 0 + }, + { + "text": "Talentum 's net sales in September were smaller than expected .", + "label": -1 + }, + { + "text": "Aspen to Buy Anaesthetics From AstraZeneca for $520 Million", + "label": 1 + }, + { + "text": "UK's Morrisons in talks to sell convenience stores - source", + "label": 0 + }, + { + "text": "In 2007 , almost two thirds of Orion 's net sales came from these drugs .", + "label": 0 + }, + { + "text": "Net sales in 2010 were about EUR 2.0 billion , of which international operations accounted for roughly a quarter .", + "label": 0 + }, + { + "text": "A Helsinki : ELIiV today reported EPS of EUR1 .13 for 2009 , an increase over EPS of EUR1 .12 in 2008 .", + "label": 1 + }, + { + "text": "Mr. Kari Stadigh will carry on as Chairman of the Board and Mr. Matti Arteva as Vice-Chairman .", + "label": 0 + }, + { + "text": "DnB Nord of Norway is the `` most likely Nordic buyer '' for Citadele , while Nordea would be a `` good strategic fit '' , according to the document published by Pietiek .", + "label": 0 + }, + { + "text": "Finnish retailer Stockmann has won approval from the board of Swedish rival Lindex for a public tender offer with the aim of expanding the companies ' presence in Russia and other CEE countries , Stockmann said Monday .", + "label": 1 + }, + { + "text": "Dixons Carphone Profit Beats Forecast in First Year Since Merger", + "label": 1 + }, + { + "text": "Kesko has previously published a stock exchange release concerning the deal on 7 February 2007 .", + "label": 0 + }, + { + "text": "The expanded company will continue to be called NewPage .", + "label": 0 + }, + { + "text": "Finnish Suominen Corporation that specialises in wet wipes , nonwovens , and flexible packaging reports net sales of EUR 44.1 mn in the second quarter of 2010 , up from EUR 43.3 mn in the second quarter of 2009 .", + "label": 1 + }, + { + "text": "Componenta has production lines for similar-sized products at Karkkila in Finland , at Weert in the Netherlands and at Orhangazi in Turkey , and these had a combined output of approximately 100,000 tonnes and net sales of EUR 135 million in 2007 .", + "label": 0 + }, + { + "text": "Protesters gather in Seattle to block access to Shell oil rig", + "label": -1 + }, + { + "text": "However , the offering will probably not be made at the current valuation , which partly derives from the deal in which the company was merged into a stock market shell .", + "label": 0 + }, + { + "text": "Tesco boss urges rethink on minimum wage and business rates", + "label": 0 + }, + { + "text": "Renewed AB InBev Bid for SABMiller Ups Stake in Beer Battle", + "label": 1 + }, + { + "text": "Intercontinental Hotels, Starwood held early deal talks - FT", + "label": 0 + }, + { + "text": "Customers in a wide range of industries use our stainless steel and services worldwide .", + "label": 0 + }, + { + "text": "New Morrisons duo get former boss's support to diffuse investor tension", + "label": 0 + }, + { + "text": "The total value of the agreement is USD4 .0 m , the company said .", + "label": 0 + }, + { + "text": "The mill is concentrating on getting the supercalendered line running satisfactorily before restarting its older newsprint line .", + "label": 0 + }, + { + "text": "Tesco shares jump 6% after Christmas sales beat expectations", + "label": 1 + }, + { + "text": "The intent of the article was to focus attention on the fact that the development model that China had followed was very different than the model that India had followed .", + "label": 0 + }, + { + "text": "AstraZeneca wins US approval for longer use of blood thinner", + "label": 1 + }, + { + "text": "Valeant, AstraZeneca strike psoriasis drug deal", + "label": 1 + }, + { + "text": "Aldata Solution Oyj Bertrand Sciard President and CEO Further information : Aldata Solution Oyj , Bertrand Sciard , President and CEO , tel. +33 1 46 48 28 00 Aldata 100 % Retail-Wholesale At Aldata 100 % of our business is dedicated to retail and wholesale business improvement .", + "label": 0 + }, + { + "text": "Tekla Group 's net sales for 2006 were approximately 50 million euros and operating result 13.6 million euros .", + "label": 0 + }, + { + "text": "Analysts surveyed by Thomson Financial expected revenue of $ 69 million for the quarter .", + "label": 0 + }, + { + "text": "This could be any of us at any time , '' she said .", + "label": 0 + }, + { + "text": "The devices would be launched in the Chinese market in late 2006 , the company said .", + "label": 0 + }, + { + "text": "CompaniesNew Aggreko CEO to reshape business, strip costs", + "label": 0 + }, + { + "text": "Barclays fined for anti-money-laundering failings", + "label": -1 + }, + { + "text": "Finnish investment group Norvestia Oyj said its net profit fell to 23.5 mln euro $ 30.6 mln in 2006 from 33.5 mln euro $ 43.6 mln in 2005 .", + "label": -1 + }, + { + "text": "Harold W. Young is an independent broker working closely with several retailers including Ahold USA , Market Basket , CVS , BJ 's Wholesale Club , Hannaford and Cumberland Farms .", + "label": 0 + }, + { + "text": "The duration of the contract is 37 months .", + "label": 0 + }, + { + "text": "Last month , Outokumpu sold more than 80 percent of its technology unit , Outokumpu Technology Oyj , to further its strategic goal of becoming the world 's largest stainless steel maker .", + "label": 1 + }, + { + "text": "Handelsbanken ranked before Local Cooperative Banks and Aktia in customer loyalty this time too , however .", + "label": 1 + }, + { + "text": "British American Tobacco says would fight UK 'plain packaging' law", + "label": 0 + }, + { + "text": "In a recent interview with the Financial Times ( FT ) , Sampo 's board chairman Bjorn Wahlroos said If P&C was certainly for sale and the price had been set at SEK 85 billion , confirming earlier statements .", + "label": 0 + }, + { + "text": "Royal Bank of Scotland chair hints Brexit turmoil will delay government sale", + "label": -1 + }, + { + "text": "The hull of the vessel was built one block at a time and Ruukki delivered the plate material for each block as construction progressed .", + "label": 0 + }, + { + "text": "CompaniesDiageo moves CFO to lead North American business", + "label": 0 + }, + { + "text": "AstraZeneca to cut costs but stays silent on M&A talk", + "label": 0 + }, + { + "text": "Its market share widened to 48.51 percent from 48.31 percent a year earlier .", + "label": 1 + }, + { + "text": "Johnson Matthey profit lifted by metals unit sale", + "label": 1 + }, + { + "text": "Via the takeover , Panostaja further expands its business area specialising in digital printing , which since previously consists of the subsidiaries Kopijyva Oy and Sokonet Oy .", + "label": 1 + }, + { + "text": "G4S suspends workers at UK youth centre over allegations of unnecessary force", + "label": -1 + }, + { + "text": "Finnish financial group Aktia reports operating profit of EUR 44.4 mn in January-September 2009 , up from EUR 37.3 mn in the corresponding period in 2008 .", + "label": 1 + }, + { + "text": "Weber convinced his friend Ray Ostrom , who owned a Lake Street sporting goods store , to sell the lures .", + "label": 0 + }, + { + "text": "`` We have a license agreement with Nokia Corp. which in part expires on April 9 , 2007 .", + "label": 0 + }, + { + "text": "Can Standard Chartered PLC, BP plc & Burberry Group plc Keep Charging?", + "label": 0 + }, + { + "text": "Entertainment One dispels ITV takeover rumours", + "label": 0 + }, + { + "text": "UPDATE 3-Barclays sells Italian branches to Mediobanca at a loss", + "label": 1 + }, + { + "text": "GSK aims to file up to 20 new drugs for approval by 2020", + "label": 1 + }, + { + "text": "Operating profit rose to EUR2 .4 m from EUR1 .6 m year earlier .", + "label": 1 + }, + { + "text": "The OMX Nordic 40 OMXN40 index , comprising the 40 most traded Nordic stocks on the Nasdaq OMX exchange , closed down 0.87 % at 1,064.14 points on Thursday .", + "label": -1 + }, + { + "text": "Foundries division reports its sales increased by 9.7 % to EUR 63.1 mn from EUR 57.5 mn in the corresponding period in 2006 , and sales of the Machine Shop division increased by 16.4 % to EUR 41.2 mn from EUR 35.4 mn in the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "The measures result from the statutory joint negotiations with employees which started in February and concerned all operations in the country .", + "label": 0 + }, + { + "text": "According to Scanfil , demand for telecommunications network products has fluctuated significantly in the third quarter of 2006 , and the situation is expected to remain unstable for the rest of the year .", + "label": -1 + }, + { + "text": "Glencore shares rally after miner hits back", + "label": 1 + }, + { + "text": "British government stake in Lloyds Banking Group fa", + "label": 0 + }, + { + "text": "The company serves customers in various industries , including process and resources , industrial machinery , architecture , building , construction , electrical , transportation , electronics , chemical , petrochemical , energy , and information technology , as well as catering and households .", + "label": 0 + }, + { + "text": "Curators have divided their material into eight themes .", + "label": 0 + }, + { + "text": "The use case dramatically narrows if you go only with the hot s Ltd.", + "label": 0 + }, + { + "text": "QPR product family is fully compatible with Microsoft 's Windows 7 operating system .", + "label": 0 + }, + { + "text": "FDA panel backs safety updates for AstraZeneca, Takeda drugs", + "label": 0 + }, + { + "text": "Investor Woodford calls for outsider to head GlaxoSmithKline", + "label": 0 + }, + { + "text": "Amazon's grocery deal with Morrisons is only the beginning", + "label": 1 + }, + { + "text": "Morrisons store closures: 900 jobs to go as 11 branches are closed due to ...", + "label": -1 + }, + { + "text": "The world 's second largest stainless steel maker said net profit in the three-month period until Dec. 31 surged to euro603 million US$ 781 million , or euro3 .33 US$ 4.31 per share , from euro172 million , or euro0 .94 per share , the previous year .", + "label": 1 + }, + { + "text": "The money will be spread mainly over 2011 and 2012 , the company said .", + "label": 0 + }, + { + "text": "Citigroup , Inc ( NYSE : C ) has announced that its Global Transaction Services ( GTS ) business has been awarded a new mandate by Finland-based Pohjola Bank Group .", + "label": 1 + }, + { + "text": "HK Ruokatalo 's target is to know the consumers .", + "label": 0 + }, + { + "text": "Industry NewsStrong results at Travis Perkins marred by plumbing impairment", + "label": 0 + }, + { + "text": "UPDATE: EasyJet Passenger Numbers, Aer Lingus Traffic Up In February", + "label": 1 + }, + { + "text": "CompaniesCoutts raids JPMorgan Chase for new CEO", + "label": 0 + }, + { + "text": "Weir Group says first-half profits will be 'slightly ahead' of expectations", + "label": 1 + }, + { + "text": "MarketsShire up 2.5% and Baxalta up 6% on $32bn deal", + "label": 1 + }, + { + "text": "Smith & Nephew recalls hip-replacement components", + "label": -1 + }, + { + "text": "Glencore chief blames rivals' overproduction for share price fall", + "label": -1 + }, + { + "text": "Aviva weighs cash handout after beating profit forecast", + "label": 1 + }, + { + "text": "The company booked April-June new orders worth 949 mln eur , compared with 786 mln eur in the same period a year ago .", + "label": 1 + }, + { + "text": "- Operating profit rose by 26.9 % to EUR 105.8 ( 83.4 ) million .", + "label": 1 + }, + { + "text": "`` Following last year 's good profit development , we have entered the current year in a good position .", + "label": 1 + }, + { + "text": "SSH Communications Security Corporation is headquartered in Helsinki , Finland .", + "label": 0 + }, + { + "text": "Last year , UPM cut production , closed mills in Finland and slashed 700 jobs .", + "label": -1 + }, + { + "text": "However , sales volumes in the food industry are expected to remain at relatively good levels in Finland and in Scandinavia , Atria said .", + "label": 1 + }, + { + "text": "Berkshire discloses unit's ties to Iran, opens probe", + "label": -1 + }, + { + "text": "Sale of Tesco's Clubcard business to WPP on the verge of collapse", + "label": -1 + }, + { + "text": "The new SEPA cads will replace Finnish bank cards .", + "label": 0 + }, + { + "text": "Combining the two producers will create a strong EU-based fertilizer industry capable of meeting global competition , they added .", + "label": 1 + }, + { + "text": "Finnish metal products company Componenta Oyj net profit rose to 26.1 mln euro ( $ 35.9 mln ) for the first quarter of 2007 from 5.3 mln euro ( $ 7.3 mln ) for the same period of 2006 .", + "label": 1 + }, + { + "text": "In January-September 2010 , Fiskars ' net profit went up by 14 % year-on-year to EUR 65.4 million and net sales to EUR 525.3 million from EUR 487.7 million .", + "label": 1 + }, + { + "text": "After non-recurring items of EUR 177mn , profit amounted to EUR 20mn .", + "label": 0 + }, + { + "text": "He is a member of the Board of numerous com-panies and a shareholder of the Boardman Ltd board specialist net-work .", + "label": 0 + }, + { + "text": "Drugmaker Shire to buy Baxalta for $32 billion after 6-month pursuit", + "label": 1 + }, + { + "text": "The businesses to be divested offer dairy , edible fats , ready-meal and ice-cream packaging to multinational and local customers .", + "label": 0 + }, + { + "text": "Finnish metal components supplier Componenta Oyj said its net profit went up to 3.5 mln euro $ 4.5 mln in 2006 from 2.2 mln euro $ 2.8 mln in 2005 .", + "label": 1 + }, + { + "text": "Finnish plumbing and heating systems supplier Uponor 's net sales in continuing business operations decreased to EUR 249.1 mn in July-September 2008 , compared to EUR 262.1 mn in the third quarter of 2007 .", + "label": -1 + }, + { + "text": "The subsidiary will be responsible for filter sales , local assembly of filters and after market services in China .", + "label": 0 + }, + { + "text": "In addition to verification of an identity and digital signatures , new state-approved Mobile ID enables to cast votes in elections as well .", + "label": 0 + }, + { + "text": "Analyst Views: Astrazeneca shares have seen recent volatility; what will 2015 ...", + "label": 0 + }, + { + "text": "In the Baltics , the merger of the businesses of the two is expected to be completed in early 2008 .", + "label": 0 + }, + { + "text": "Prudential knocked after investors withdraw £3.9bn from M&G", + "label": -1 + }, + { + "text": "Unilever posts weaker-than-expected fourth quarter", + "label": -1 + }, + { + "text": "Lloyds to cut 945 jobs as part of three-year restructuring strategy", + "label": -1 + }, + { + "text": "Britain cuts Lloyds Banking Group stake to below 17 pct", + "label": -1 + }, + { + "text": "Raisio 's bid to buy Glisten is a `` win-win '' deal for both companies , the chairman of the UK snacks firm told just-food today 10 February .", + "label": 1 + }, + { + "text": "Tesco shareholders back ITV head for chairman", + "label": 0 + }, + { + "text": "The personnel s expertise and high level of technology play a major role in Exel Composites operations .", + "label": 0 + }, + { + "text": "Barclays appoints JPMorgan's Paul Compton as new COO", + "label": 0 + }, + { + "text": "Finnish consulting and engineering group Poyry Plc ( OMX Helsinki : POY ) said on Wednesday ( 1 October ) that it has been awarded a contract by Tanqia Dibba FZC as owner-engineer for the wastewater system of Dibba , Emirate of Fujairah , UAE .", + "label": 1 + }, + { + "text": "LSE Group names former SEC head Schapiro non-executive director", + "label": 0 + }, + { + "text": "Legal & General arm buys 50 pct stake in MediaCityUK in Manchester", + "label": 1 + }, + { + "text": "Shell Targets Gains From Brazil to LNG With Takeover of BG Group", + "label": 1 + }, + { + "text": "It will provide heating in the form of hot water for the sawmill 's needs .", + "label": 0 + }, + { + "text": "Barclays CEO Staley Says Brexit Slump Caused by Profit Fears", + "label": -1 + }, + { + "text": "In the end of 2006 , the number of outlets will rise to 60-70 .", + "label": 1 + }, + { + "text": "With this , the company will exit the contract manufacturing service segment .", + "label": 0 + }, + { + "text": "Former Schroders trader sentenced to 2 years in prison", + "label": -1 + }, + { + "text": "Royal Mail share price: Postal service issues trading update", + "label": 0 + }, + { + "text": "`` Management decided at the end of 2005 to increase cathode copper capacity .", + "label": 0 + }, + { + "text": "CompaniesEx-City watchdog Turner joins Prudential board", + "label": 0 + }, + { + "text": "Tesco Mobile Partners with Unlockd to Change the Way Consumers Use and Pay for Their Mobile Phones", + "label": 1 + }, + { + "text": "Pre-tax loss totaled EUR 0.3 mn , compared to a loss of EUR 2.2 mn in the first quarter of 2005 .", + "label": 1 + }, + { + "text": "M2 Communications disclaims all liability for information provided within information on on the world wide web .", + "label": 0 + }, + { + "text": "GSK joins China trade push as UK trumpets healthcare deals", + "label": 1 + }, + { + "text": "ABN Amro Capital has agreed to sell its Helsinki-based designer homeware producer , Iittala Oyj , to crosstown consumer products group Fiskars Corp. , for EUR230 million to EUR235 million ( $ 310 million to $ 316 million ) .", + "label": 0 + }, + { + "text": "The customer is cooperative retailer Osuuskauppa Suur-Savo .", + "label": 0 + }, + { + "text": "AB InBev to sell more SAB assets as seeks EU deal approval", + "label": 0 + }, + { + "text": "Neste oil 's board proposed 1.00 eur dividend for the full-year 2007 , compared with 0.90 eur a year ago .", + "label": 1 + }, + { + "text": "The order consists of capacity expansion , maintenance services and new charging functionality , the company said .", + "label": 0 + }, + { + "text": "POYRY PLCCompany Announcement 10 December 2010 at 4.10 p.m. Pursuant to Poyry PLC 's stock option program 2004 , 63 792 new shares of the company have been subscribed since 27 October 2010 with stock options 2004B .", + "label": 0 + }, + { + "text": "Shire Sees Baxalta Deal Closing as Expected After New Rules", + "label": 1 + }, + { + "text": "LONDON MIDDAY BRIEFING: Kingfisher's French Expansion Hits The Rocks", + "label": -1 + }, + { + "text": "Primark racks up a happy Christmas after strong sales", + "label": 1 + }, + { + "text": "The fair value of CapMan Plc 's own investments on 30 September 2008 amounted to MEUR 59.8 .", + "label": 0 + }, + { + "text": "Diageo Sells Ryder Cup Venue Gleneagles Hotel to Ennismore Group", + "label": 0 + }, + { + "text": "October-December sales were 302 mln eur , or a 25.3 pct increase year on year .", + "label": 1 + }, + { + "text": "GKN to buy Fokker Technologies for 706 mln euros", + "label": 1 + }, + { + "text": "Japan's Nikkei lands Financial Times in $1.3 billion deal", + "label": 1 + }, + { + "text": "Aberdeen Asset Management Gains Foothold In China", + "label": 1 + }, + { + "text": "REFILE-Aviva Investors to move 34 bln euros in assets from AXA fund arm", + "label": 0 + }, + { + "text": "Tesco Versus Sainsbury: Weight-Watcher vs. Bodybuilder", + "label": 1 + }, + { + "text": "Cash flow from operations in January-December 2008 was a negative EUR 18.1 mn compared to EUR 39.0 mn in the corresponding period in 2007 .", + "label": -1 + }, + { + "text": "Fortum had intended to spend as much as ( EURO ) 2.7 bn to become the sole owner of TGK-10 .", + "label": 0 + }, + { + "text": "In the Czech Republic , the profiling unit at Ostrava will be closed and the machinery will be relocated to Ruukki 's bigger plants in Hungary , Poland and Romania by the end of the first quarter of 2009 .", + "label": 0 + }, + { + "text": "We look forward to take part in the future development of the company , '' says Tomas Billing , President of Nordstjernan .", + "label": 0 + }, + { + "text": "CRH's concrete bid for Holcim Lafarge assets", + "label": 1 + }, + { + "text": "Glencore launches refinancing of credit line", + "label": 0 + }, + { + "text": "Union and company officials did not return calls yesterday .", + "label": 0 + }, + { + "text": "`` Method and System for Controlling a Hard Disk Drive Using a Multimediacard Physical Interface '' was invented by Marko Ahvenainen Ruutana , Finland .", + "label": 0 + }, + { + "text": "BG Group appoints new CEO one month early", + "label": 0 + }, + { + "text": "The Tekla Structures 16 installation has been built according to Microsoft 's requirements for the Windows 7 certification , the Company added .", + "label": 0 + }, + { + "text": "Savon koulutuskuntayhtyma , Finland based company has awarded contract for specialist agricultural or forestry machinery .", + "label": 1 + }, + { + "text": "Profitability ( EBIT % ) was 13.9 % , compared to 13.1 % in the previous-year period .", + "label": 1 + }, + { + "text": "By 14:29 CET on Monday , shares in Bavarian Nordic had climbed 1.21 % to DKK250 on the stock exchange in Copenhagen after having lost 7.41 % in the past month .", + "label": 1 + }, + { + "text": "UPDATE: Aggreko Interim Profit Drops As It Undertakes Restructuring", + "label": -1 + }, + { + "text": "Ruling sets lower limit on potential fine for BP", + "label": -1 + }, + { + "text": "F-Secure , a developer of security solutions as a service through Internet Service Providers and mobile operators , announced results from its annual Online Wellbeing Survey .", + "label": 0 + }, + { + "text": "The company will be part of Teleste 's Video and Broadband Solutions business area .", + "label": 0 + }, + { + "text": "Basware Business Transactions Service enables the customer to receive and send invoices in an electronic format .", + "label": 0 + }, + { + "text": "The initial estimated total value was 1744900 EUR and the final award value was 1744900 EUR .", + "label": 0 + }, + { + "text": "When the negotiations were started , Neste Oil anticipated that 450 people would be affected .", + "label": 0 + }, + { + "text": "They can be used to control the speed of electric motors used by industry and municipal engineering , and in power generation using renewable energy .", + "label": 0 + }, + { + "text": "The aim of the CEO 's Q&A sessions is to give further clarity on information , which has been made public already earlier .", + "label": 0 + }, + { + "text": "Buffett's Berkshire delivers 9.8% profit growth", + "label": 1 + }, + { + "text": "Both operating profit and net sales for the six-month period increased , respectively from EUR7 .5 m and EUR655 .5 m , as compared to the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "The customer is local company Etera Mutual Pension Insurance Co and the principal tenant of the unit will be media company Alma Media Corp HEL : ALN1V .", + "label": 0 + }, + { + "text": "The invention carries International Patent Publication No. .", + "label": 0 + }, + { + "text": "Tesco share price down as grocer faces SFO investigation outcome", + "label": -1 + }, + { + "text": "BHP Billiton half-year profit falls, beats forecasts", + "label": 0 + }, + { + "text": "The company said that the operations will be sold to a newly established company , CPS GmbH , where the present management of the plastics business is a co-owner .", + "label": 0 + }, + { + "text": "VDW combined with LXE devices enhances productivity , enabling workers to use a single device to perform voice , scanning and keyboard functions .", + "label": 1 + }, + { + "text": "In April-June 2008 , Scanfil 's net sales totalled EUR 58.7 mn and operating profit EUR 6.6 mn .", + "label": 0 + }, + { + "text": "For the last quarter of 2010 , Componenta 's net sales doubled to EUR131m from EUR76m for the same period a year earlier , while it moved to a zero pre-tax profit from a pre-tax loss of EUR7m .", + "label": 1 + }, + { + "text": "The decision will have to be made whether the group agrees to the import of Estonian meat and meat products to Finland , the paper added .", + "label": 0 + }, + { + "text": "Carnival Corporation and China Merchants Group Sign Memo of Understanding ...", + "label": 0 + }, + { + "text": "`` I 'm trying to deal with slavery from a different perspective to balance the story , '' says DeRamus , formerly a writer at the Detroit Free Press and the Detroit News .", + "label": 0 + }, + { + "text": "Pearson expects to return to growth this year", + "label": 1 + }, + { + "text": "Fiskars , a 360-year-old global business best known for its orange-handled scissors , expects to derive synergies of EUR5 million a year by consolidating certain parts of the housewares division where the two compete .", + "label": 1 + }, + { + "text": "Finnair 's Tallinn-based subsidiary , Aero AS , carried 23,335 passengers , a decline of 60.8 % , on routes between Helsinki and the Baltic capitals and within Southern Finland .", + "label": -1 + }, + { + "text": "Shell seeks to remove Greenpeace activists from oil rig", + "label": 0 + }, + { + "text": "Severn Trent share price jumps as Canadian investor renews pursuit of utility", + "label": 1 + }, + { + "text": "The exercise price of the option will be based on Safran Software Solutions ' license and maintenance sales as well as the result of the company .", + "label": 0 + }, + { + "text": "CEO Erkki J+ñrvinen is happy with the company 's performance in 2010 .", + "label": 1 + }, + { + "text": "A high court in Finland has fined seven local asphalt companies more than lion ( $ 117 million ) for operating a cartel .", + "label": -1 + }, + { + "text": "In a release , the Company said that Vocollect T2 customers in North America can now take advantage of its Voice Directed Warehousing solution and increase warehouse efficiency and productivity gains at a discounted price .", + "label": 1 + }, + { + "text": "BP set to cut hundreds of jobs at North Sea operations", + "label": -1 + }, + { + "text": "UPDATE 1-GSK-linked investigator freed early from China jail - source", + "label": 1 + }, + { + "text": "Brewer AB InBev seeks $275 bln tie-up with SABMiller", + "label": 1 + }, + { + "text": "Finnish pharmaceuticals company Orion reports profit before taxes of EUR 70.0 mn in the third quarter of 2010 , up from EUR 54.9 mn in the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "The technology park will be built near St. Petersburg-based Pulkovo airport .", + "label": 0 + }, + { + "text": "RPT-UK supermarkets braced for battle as Tesco comes out fighting", + "label": 0 + }, + { + "text": "UPDATE: Peter Long To Be Chairman Of Both Royal Mail And TUI AG", + "label": 0 + }, + { + "text": "Tesco sells Blinkbox and broadband service to TalkTalk", + "label": 0 + }, + { + "text": "Radiation and today is a full service house expert in radiation and nuclear safety issues .", + "label": 0 + }, + { + "text": "ALEXANDRIA , Va. , March 20 -- Patrik Flykt and Timo Alakoski , both of Helsinki , Finland , and Tapio Suihko and Nadarajah Asokan , both of Espoo , Finland , have developed a method of mobility support of Internet-type protocol traffic in a communication system .", + "label": 0 + }, + { + "text": "Aldata to Share Space Optimization Vision at Apollo User Group and 2009 Category Management Association Conferences ; Company Will Unveil New Solution that Combines Business Intelligence with Space Planning Data at Conferences", + "label": 0 + }, + { + "text": "The talks are aimed at restructuring operations and cutting costs .", + "label": 1 + }, + { + "text": "The company aims to maintain this trend in profitability during the current year .", + "label": 1 + }, + { + "text": "Friday Papers: Sir Philip Green sells BHS for £1", + "label": 0 + }, + { + "text": "Ruukki has signed a contract to deliver and install the steel structures for a bridge over the Kyronsalmi strait in Savonlinna , Finland .", + "label": 1 + }, + { + "text": "Finnish airline Finnair has won a deal with the UK public sector to be the official airline for flights from London Heathrow to Osaka in Japan , as well as flights between Manchester in the UK and Helsinki in Finland .", + "label": 1 + }, + { + "text": "Construction is expected to be completed in the summer of 2011 .", + "label": 0 + }, + { + "text": "The Web-Marela application handles invitations to quote , quote comparisons , agreements , purchases , invoice inspections , inventory management , and deliveries .", + "label": 0 + }, + { + "text": "EasyJet to pass on lower fuel prices to customers", + "label": 0 + }, + { + "text": "BBCN Bancorp to buy Wilshire Bancorp in $1 bln deal", + "label": 1 + }, + { + "text": "SRV will also build an aqua park with wellness area , a restaurant and a multifunctional ice arena .", + "label": 0 + }, + { + "text": "Staley to face challenges at Barclays", + "label": -1 + }, + { + "text": "When cruising , the revs fall as less engine output is required .", + "label": 0 + }, + { + "text": "Barclays poaches new chief operating officer Paul Compton from JP Morgan Chase", + "label": 0 + }, + { + "text": "The guidance has been set at 90 basis points over mid-swaps , the report said .", + "label": 0 + }, + { + "text": "The value of the orders is over EUR 25mn .", + "label": 0 + }, + { + "text": "Royal Mail needs to deliver on modernisation plans, post haste", + "label": 0 + }, + { + "text": "Britain's FTSE rises, led up by Glencore surge", + "label": 1 + }, + { + "text": "Activist Fund TCI Backs German Takeover of London Stock Exchange", + "label": 1 + }, + { + "text": "26 October 2010 - Finnish environmental management company Lassila & Tikanoja Oyj ( HEL : LAT1V ) , or L&T , said today its net profit declined to EUR20 .9 m for the first nine months of 2010 from EUR27 .6 m for the same period a year earlier .", + "label": -1 + }, + { + "text": "However , the net sales declined to EUR 803.6 million from EUR 1.2 billion .", + "label": -1 + }, + { + "text": "The agreement includes the entire process of managing Mercator 's supply chain in all regions where the company is currently present .", + "label": 0 + }, + { + "text": "Nonwovens and specialty papers , made by Ahlstrom , are used in a large variety of everyday products , e.g. in filters , wipes , flooring , labels , and tapes .", + "label": 0 + }, + { + "text": "Jim Armitage: Barclays boss Jes Staley steps up to the plate with post-Leave positivity", + "label": 0 + }, + { + "text": "Net cash from operating activities was a negative EUR 0.3 mn , compared to EUR 30.9 mn in 2009 .", + "label": -1 + }, + { + "text": "Teleste BK Optiflex amplifier products will be used in ongoing capacity upgrade of KDG 's network to bi-directionality .", + "label": 0 + }, + { + "text": "Persimmon reports strong trading despite EU vote and planning delays", + "label": 1 + }, + { + "text": "Vanhanen said the strike would be `` extremely damaging '' as some 1,300 participants and reporters begin to arrive in Finland for the one-day EU summit with Russian President Vladimir Putin in Lahti , about 100 kilometers ( 60 miles ) north of Helsinki .", + "label": -1 + }, + { + "text": "ITV shares dip after update", + "label": -1 + }, + { + "text": "Standard Life slips as Greek worries peg back Britain's FTSE", + "label": -1 + }, + { + "text": "Estonia 's beer market overall grew three percent last year to 130 million liters .", + "label": 1 + }, + { + "text": "Standard Chartered, RBS Escape Capital Raising in Stress Test", + "label": 1 + }, + { + "text": "`` These tests are part of a larger campaign which includes various customer trials and demonstrations to make LTE on 800 MHz commercially viable by this summer , '' Nokia Siemens head of LTE business line , Reino Tammela , said .", + "label": 0 + }, + { + "text": "Amer Sports divests an industrial site in Rumilly , France - This announcement is distributed by Thomson Reuters on behalf of Thomson Reuters clients .", + "label": 0 + }, + { + "text": "Forestries were also higher , driven by yesterday 's bullish analyst comment on Stora Enso in Dagens Industri , dealers said .", + "label": 1 + }, + { + "text": "HSBC Hit by Fresh Details of Tax Evasion Claims", + "label": -1 + }, + { + "text": "says Brian Burton , Head of IT Security , Vodafone UK .", + "label": 0 + }, + { + "text": "Aviva, Friends Life top forecasts ahead of 5.6 billion pound merger", + "label": 0 + }, + { + "text": "`` With this agreement , we can continue our good cooperationand at the same time release capital that has been tied up in ourmachinery operation .", + "label": 1 + }, + { + "text": "Of this , EUR 38.8 mn was net interest income .", + "label": 0 + }, + { + "text": "Royal Dutch Shell Posts Rise in Earnings Despite Lower Oil Prices", + "label": 1 + }, + { + "text": "Clydesdale and Yorkshire moves closer to independence", + "label": 1 + }, + { + "text": "EXEL COMPOSITES IN BRIEF Exel Composites is a technology company which designs , manufactures and markets composite profiles and tubes for industrial applications .", + "label": 0 + }, + { + "text": "Tieto 's service is also used to send , process and receive materials related to absentee voting .", + "label": 0 + }, + { + "text": "Kinder Morgan and BP Form Joint Venture Limited Liability Company to Purchase ...", + "label": 1 + }, + { + "text": "Both operating profit and turnover for the six-month period increased , respectively , from EUR17 .6 m and EUR1149 .9 m , as compared to the corresponding period in 2007 .", + "label": 1 + }, + { + "text": "BP joins forces with Det Norske in Norway", + "label": 1 + }, + { + "text": "Loss after taxes amounted to EUR 1.2 mn compared to a loss of 2.6 mn .", + "label": 1 + }, + { + "text": "The earnings per share for the quarter came in at 0.25 eur , up from the 0.20 eur of the same quarter a year earlier .", + "label": 1 + }, + { + "text": "Satama and Trainers ' House will remain as names and independent brands of the business areas .", + "label": 0 + }, + { + "text": "Big account wins keep ad group WPP at front of pack", + "label": 1 + }, + { + "text": "The other actions include the cutting of the expensive weekend shifts , the freezing of the production bonus system and by a general cost-cutting program .", + "label": 0 + }, + { + "text": "Finnish Metso Paper has won an order to supply an uncoated fine paper machine to MCC Paper Yinhe , in China .", + "label": 1 + }, + { + "text": "Finnish property investment company Citycon plans to issue directed subordinated convertible bonds to institutional investors .", + "label": 0 + }, + { + "text": "Glencore Agrees to Sell Minority Stake in Agriculture Business", + "label": 1 + }, + { + "text": "Established in 1987 , the SRV Group is a private Finnish construction concern with operations in Finland , the Baltic countries and Russia .", + "label": 0 + }, + { + "text": "FTSE ends higher; 3i Group leads after strong earnings", + "label": 1 + }, + { + "text": "The office space will rise above the remodeled Cannon Street underground station .", + "label": 0 + }, + { + "text": "Standard Life hit by 'unprecedented' number of calls on pension freedoms", + "label": -1 + }, + { + "text": "The annual value of the contracts is estimated at USD 2mn over the next three years .", + "label": 0 + }, + { + "text": "Operating profit rose to EUR 13.1 mn from EUR 8.7 mn in the corresponding period in 2007 representing 7.7 % of net sales .", + "label": 1 + }, + { + "text": "The Ministry of Water in Tanzania has awarded Poyry a water and sanitation engineering assignment for the rehabilitation and extension of water supply and sanitation infrastructure in Bukoba and Musoma , situated at Lake Victoria in northern Tanzania .", + "label": 1 + }, + { + "text": "A total of 185 Wonderware Certified SIs are available to integrate and support Wonderware products such as InTouch -« HMI software , IndustrialSQL Server historian , Wonderware Information Server , DT Analyst software or QI Analyst SPC software .", + "label": 0 + }, + { + "text": "Arm buoyed by race to build the internet of things", + "label": 1 + }, + { + "text": "It will also strengthen Ruukki 's offshore business .", + "label": 1 + }, + { + "text": "The official opening of the office , located in Prague , will be celebrated on May 20 .", + "label": 0 + }, + { + "text": "Tesco set to sell Kipa, Giraffe businesses - Sky News", + "label": 1 + }, + { + "text": "Severn Trent share price rises as first half profit inches up as customer ...", + "label": 1 + }, + { + "text": "`` We are delighted to welcome Elisa to our Board of Directors , '' said Garry McGuire , CEO of RMG Networks .", + "label": 1 + }, + { + "text": "Morning Agenda: Shire's Deal for NPS", + "label": 0 + }, + { + "text": "The share subscription period for stock options 2007A is between 1 April 2010 and 31 March 2012 .", + "label": 0 + }, + { + "text": "The Elcoteq group recently announced that the last three months of the previous year brought to it a major loss of more than half a billion kroons ( EUR 32 mln ) for the fifth quarter running .", + "label": -1 + }, + { + "text": ": Lietuvos Respublikos sveikatos apsaugos ministerija has awarded contract to UAB `` AFFECTO LIETUVA '' for financial systems software package .", + "label": 1 + }, + { + "text": "GSK joins China trade push as UK trumpets healthcare deals", + "label": 1 + }, + { + "text": "( ADPnews ) - Dec 30 , 2009 - Finnish investment group Neomarkka Oyj ( HEL : NEMBV ) said today that it will furlough employee in its unit Reka Cables Ltd for less than 90 days , starting in January 2010 .", + "label": 0 + }, + { + "text": "Greene King's third quarter sales boosted by festive season", + "label": 1 + }, + { + "text": "Biohit Oyj develops , manufactures and markets liquid handling products and diagnostic test systems for use in research , healthcare and industrial laboratories .", + "label": 0 + }, + { + "text": "AstraZeneca share price: Acerta deal pays off with orphan drug status", + "label": 1 + }, + { + "text": "UPDATE 2-EasyJet sees better first half on lower fuel bill", + "label": 1 + }, + { + "text": "It has been agreed with the company 's Board of Directors that she will be available in an advisory role .", + "label": 0 + }, + { + "text": "Patrick Jeambar will also continue being responsible for Innovation and Health , safety and environment HSEA functions of Ahlstrom Corporation .", + "label": 0 + }, + { + "text": "CompaniesCoutts raids JPMorgan Chase for new CEO", + "label": 0 + }, + { + "text": "The credit covers approximately 70 % of the ship 's price .", + "label": 0 + }, + { + "text": "Shell to buy BG Group in $69.7 billion takeover", + "label": 1 + }, + { + "text": "The major breweries increased their domestic beer sales by 4.5 per cent last year , to 256.88 million litres from 245.92 million litres in 2004 .", + "label": 1 + }, + { + "text": "Mika Stahlberg , VP F-Secure Labs , said , `` We are excited and proud that F-Secure has been recognized by AV-Comparatives as the Product of the Year .", + "label": 1 + }, + { + "text": "Insight - Britain's bank tax jump threatens to push HSBC, StanChart to new home", + "label": -1 + }, + { + "text": "Tesco share price: Korean currency slide may hit Homeplus sale plans", + "label": -1 + }, + { + "text": "News FeedFTSE 100 movers: Ashtead jumps on strong interims; Glencore, BP in ...", + "label": 1 + }, + { + "text": "Nokia was up 0.12 pct to 16.70 eur after kicking off the morning in negative territory .", + "label": 1 + }, + { + "text": "The cooperation will involve Arena Partners buying a 35 % share of the new joint venture company , operating in Alma Media 's home sales , vehicle and consumer advertising marketplace businesses .", + "label": 0 + }, + { + "text": "Sanoma Magazines International will invite other shareholders holding approximately 15 % of the shares to sell their shares .", + "label": 0 + }, + { + "text": "Glencore raises $2.5bn through share placing to help cut debt load", + "label": 0 + }, + { + "text": "hu will offer a further discount of between 25 % and 50 % on selected books .", + "label": 0 + }, + { + "text": "Pohjola and cooperative banks have continued to combine their branch office network .", + "label": 0 + }, + { + "text": "Alma Media 's operating profit amounted to EUR 11.9 mn , down from EUR 15.0 mn a year earlier .", + "label": -1 + }, + { + "text": "It is the last smartphone running Maemo 5 , which is to be replaced with MeeGo , a joint project between Nokia , Intel and the open source community .", + "label": 0 + }, + { + "text": "Kalnapilio-Tauro Grupe ( Kalnapilis-Tauras Group ) , which is owned by Denmark 's Royal Unibrew , raised its market share to 25.18 percent from 23.74 percent , as beer sales for the seven months jumped by 14.5 percent to 40.5 million liters .", + "label": 1 + }, + { + "text": "Tesco Sales Deteriorate Ahead of Crucial Christmas Period", + "label": -1 + }, + { + "text": "Admiral and Schroders lift FTSE with profits surge", + "label": 1 + }, + { + "text": "In July it and Quadriga Capital sold their Lewa GmbH pump-making business to Japan 's Nikkiso Co. .", + "label": 0 + }, + { + "text": "Dave Lewis admits long road ahead for Tesco recovery", + "label": -1 + }, + { + "text": "`` We have the most expensive water brand in Finland at the moment . ''", + "label": 0 + }, + { + "text": "The total investment in 2006 and 2007 is expected to amount to about EUR75m .", + "label": 0 + }, + { + "text": "Conference Call To participate via a conference call , please dial in 5-10 minutes before the beginning of the event : +44 0 20 7162 0025 Europe or +1 334-á323-á6201 USA .", + "label": 0 + }, + { + "text": "Tecnomen 's solution can be used for prepaid and post-paid billing , for charging and rating of voice and video calls , data traffic and any kind of content services in both mobile and fixed networks .", + "label": 0 + }, + { + "text": "Results are expected late in 2006 .", + "label": 0 + }, + { + "text": "Tesco Versus Sainsbury: Weight-Watcher vs. Bodybuilder", + "label": 1 + }, + { + "text": "Royal Bank of Scotland chair hints Brexit turmoil will delay government sale", + "label": -1 + }, + { + "text": "Here's my 10-point plan to make Tesco great again", + "label": 0 + }, + { + "text": "Is It Worth Investing In Tesco PLC And Prudential plc Now?", + "label": 0 + }, + { + "text": "`` Capital expenditure on energy efficiency has unfortunately fallen along with the decline in the economy .", + "label": -1 + }, + { + "text": "A total 30 % of the order value was booked in the fourth quarter of 2009 and the remainder will be booked in the second quarter of 2010 .", + "label": 0 + }, + { + "text": "These share transactions are part of the company 's strategy of relinquishing assets that are not part of its core business .", + "label": 0 + }, + { + "text": "Revenue was slightly down , at x20ac 495 million $ 634 million , compared to x20ac 497 million a year earlier .", + "label": -1 + }, + { + "text": "The company 's share is quoted on NASDAQ OMX Helsinki Rautaruukki Oyj : RTRKS .", + "label": 0 + }, + { + "text": "AO World shares tumble on profit warning", + "label": -1 + }, + { + "text": "AB InBev's Latest Bid Said Unlikely to Win SABMiller's Approval", + "label": -1 + }, + { + "text": "Earnings per share for January-June 2010 were EUR0 .30 , an increase of 20 % year-on-year EUR0 .25 .", + "label": 1 + }, + { + "text": "The outsourcing agreement , which covers equipment and depots in Turku and Tampere , will run for five years , Cramo said on Thursday .", + "label": 0 + }, + { + "text": "Pretax loss totaled EUR 1.2 mn , down from a profit of EUR 2.1 mn in 2004 .", + "label": -1 + }, + { + "text": "The company was supposed to deliver machinery to a veneer mill in the Tomsk region , in Russia .", + "label": 0 + }, + { + "text": "GE to Sell Majority Stake in Bank BPH's Core Bank to Alior Bank", + "label": 1 + }, + { + "text": "NYSE owner ICE may gatecrash Deutsche Boerse-LSE merger", + "label": -1 + }, + { + "text": "Metsa-Botnia will sell 82.1 % of its stake in the Uruguayan companies and Metsaliitto -- 5.5 % .", + "label": 0 + }, + { + "text": "At this growth rate , paying off the national debt will be extremely painful .", + "label": -1 + }, + { + "text": "Shire to buy NPS for $5.2 billion to boost rare disease drugs", + "label": 1 + }, + { + "text": "Carnival Corporation and China Merchants Group Sign Memo of Understanding ...", + "label": 0 + }, + { + "text": "FTSE edges up as investors cheer Kingfisher results", + "label": 1 + }, + { + "text": "A total of 16.5 mn passenger ship journeys took place in the northern Baltic Sea in 2007 , slightly down from 16.5 mn in 2006 .", + "label": -1 + }, + { + "text": "Rimi supermarket is the key customer in Magistral center .", + "label": 0 + }, + { + "text": "WPP, World's Largest Ad Agency, Reports Strong 2015 Growth", + "label": 1 + }, + { + "text": "BP, Statoil, to Withdraw Staff From Algeria Following Rocket Attack", + "label": -1 + }, + { + "text": "BAE Systems's sales boosted by European Typhoon and currencies", + "label": 1 + }, + { + "text": "Under the agreement Benefon 's forthcoming range of TWIG integrated GPS navigation and mobile phone devices will use the jointly developed web-based tracking and location technology , in both consumer and commercial applications .", + "label": 0 + }, + { + "text": "Payout from BP oil spill settlement tops $5 billion", + "label": -1 + }, + { + "text": "Proha Plc ( Euronext :7327 ) announced today ( 19 May ) that its fully-owned subsidiary , Safran Software Solutions AS , has agreed to sell its 49 % share of Safran North America LLC to a SNA Holding AS , an investment group based in Norway .", + "label": 0 + }, + { + "text": "The optimization of the steel components heating process will reduce the energy consumption .", + "label": 1 + }, + { + "text": "Japan's Nikkei lands Financial Times in $1.3 billion deal", + "label": 1 + }, + { + "text": "Blueprint Receives FDA Nod To Proceed With Clinical Trials For 2 Drug ...", + "label": 1 + }, + { + "text": "Market Report: Aviva tops the market as traders approve of its choice of Friends", + "label": 1 + }, + { + "text": "As such , the space has blond wood floors ( unlike the rest of the store ) and a notably Scandinavian vibe .", + "label": 0 + }, + { + "text": "4 February 2011 - Finnish broadband data communication systems provider Teleste Oyj HEL : TLT1V said Wednesday its net profit rocketed to EUR4 .8 m in 2010 from EUR416 ,000 in 2009 and it lifted its dividend proposal .", + "label": 1 + }, + { + "text": "BM4 middle layer headbox will be equipped with a dilution control system .", + "label": 0 + }, + { + "text": "The new name of the Sanoma Division will be Sanoma News .", + "label": 0 + }, + { + "text": "Glencore Studies Possible IPO for Agricultural Trading Business", + "label": 1 + }, + { + "text": "SSH COMMUNICATIONS SECURITY CORP STOCK EXCHANGE RELEASE OCTOBER 14 , 2008 AT 2:45 PM The Company updates its full year outlook and estimates its results to remain at loss for the full year .", + "label": -1 + }, + { + "text": "The facility will have a lettable area of some 19,000 sq m. The plot for the plant , located in the Ratasmaki business park , will be purchased from the City of Forssa .", + "label": 0 + }, + { + "text": "Finland 's national carrier Finnair PLC carried a record 8.5 million passengers in 2005 , an increase of 4.5 percent on the previous year , the airline reported Tuesday .", + "label": 1 + }, + { + "text": "ALEXANDRIA , Va. , May 23 -- Matti Harkonen and Pentti Sipponen , both of Espoo , Finland , Osmo Suovaniemi of Helsinki , Finland , and Tapani Tiusanen of Vantaa , Finland , have developed a paper web press device .", + "label": 0 + }, + { + "text": "Managing Director 's comments : `` Net sales for the first quarter were notably lower than a year before , especially in Finland , Russia and the Baltic countries .", + "label": -1 + }, + { + "text": "The joint venture will invest about EUR 500,000 in production technology straight away .", + "label": 0 + }, + { + "text": "Currently the Terminator lures are produced in a subcontract facility in Mexico but the manufacturing will be transferred to Rapala 's factory in Shenzhen , China .", + "label": 0 + }, + { + "text": "Also , a six-year historic analysis is provided for this market .", + "label": 0 + }, + { + "text": "Philippines' San Miguel says to partner with Kirin if it bids for SABMiller's ...", + "label": 1 + }, + { + "text": "RBS warns of higher misconduct charges, obstacles ahead", + "label": -1 + }, + { + "text": "UPDATE 2-AB InBev launches SAB bid, to sell MillerCoors stake", + "label": 0 + }, + { + "text": "BG Group Still Happy With Shell's $70 Billion Offer", + "label": 1 + }, + { + "text": "The total value of the contract is some EUR 8 million .", + "label": 0 + }, + { + "text": "London Stock Exchange Shareholders Approve Merger With Deutsche Börse", + "label": 1 + }, + { + "text": "Royal Mail turnaround proving expensive in tough UK market", + "label": 0 + }, + { + "text": "Should You Buy Jumbo Yielders British American Tobacco plc, Centrica PLC & John Wood Group PLC?", + "label": 0 + }, + { + "text": "CompaniesUK government lines up £2bn Lloyds retail share sale", + "label": -1 + }, + { + "text": "However , sales returned to growth in April-June 2010 , CEO Pekka Eloholma said .", + "label": 1 + }, + { + "text": "The order values at EUR 6.9 mn , and it consists of design services and hardware and software licences .", + "label": 0 + }, + { + "text": "The contract covers the supply of temporary heating equipment for LKAB 's new pellet plant in Kiruna , in northern Sweden .", + "label": 0 + }, + { + "text": "Kraft, Cadbury's and Britvic in Total Recall: how pulling a product affects profit", + "label": 0 + }, + { + "text": "The Annual General Meeting approved a dividend of EUR 0.10 per share , that is , a total of EUR 7,8 million .", + "label": 0 + }, + { + "text": "The bridge is part of the highway 14 development project .", + "label": 0 + }, + { + "text": "Brewer AB InBev seeks $275 bln tie-up with SABMiller", + "label": 1 + }, + { + "text": "Shire in talks with Baxalta shareholders", + "label": 0 + }, + { + "text": "Consolidated pretax profit decreased by 69.2 % to EUR 41.0 mn from EUR 133.1 mn in 2007 .", + "label": -1 + }, + { + "text": "FinancialWire ( tm ) , in cooperation with the Investrend Broadcast Syndicate , also provides complete , daily conference call and webcast schedules as a service to shareholders and investors via the FirstAlert ( tm ) Networks oeFirstAlert ( tm ) Daily .", + "label": 0 + }, + { + "text": "Renesas Mobile Europe Ltd has approximately 470 employees in Oulu .", + "label": 0 + }, + { + "text": "The operating margin came down to 2.4 % from 5.7 % .", + "label": -1 + }, + { + "text": "Net profit in the same period in 2006 was 36.6 million euros .", + "label": 0 + }, + { + "text": "Rapala VMC Corporation ( Rapala ) is a Finland-based company engaged in the manufacture and distribution of fishing equipment and accessories .", + "label": 0 + }, + { + "text": "UPDATE 1-UK government would oppose any takeover of BP -FT", + "label": 0 + }, + { + "text": "Earnings per share ( EPS ) amounted to EUR0 .98 , up from the loss of EUR0 .02 .", + "label": 1 + }, + { + "text": "Barclays says not been offered deferred prosecution deal by SFO", + "label": 0 + }, + { + "text": "Can BP Restore Its Lost Luster?", + "label": -1 + }, + { + "text": "The medium-term operative targets of the company remain unchanged .", + "label": 0 + }, + { + "text": "Pfizer to cut 120 jobs with closure of Cambridge R&D centre", + "label": -1 + }, + { + "text": "Petrofac books further £30m cost for Shetland gas terminal delays", + "label": -1 + }, + { + "text": "Centrica extends gas deals with Gazprom, Statoil", + "label": 1 + }, + { + "text": "The company also said that it will sell approximately 150 hectares of land to the city of Valkeakoski by the end of the year a part of its `` From job to job '' program .", + "label": 0 + }, + { + "text": "The address location is provided to a local controller , preferably by wireless transmission , which then uses the address location to access the appliance control module .", + "label": 0 + }, + { + "text": "Founded in 1923 , Finnair is one of the world 's oldest airlines and flies to 60 destinations with a fleet of 63 aircraft , employing 9,500 people .", + "label": 0 + }, + { + "text": "The sale will allow Campofrio to focus on its recently announced takeover of Groupe Smithfield Holdings , the European unit of Smithfield Foods Inc. ( SFD ) of the U.S.", + "label": 0 + }, + { + "text": "REFILE-Aviva Investors to move 34 bln euros in assets from AXA fund arm", + "label": -1 + }, + { + "text": "JC Penney Cuts Pension Plan Obligation", + "label": 0 + }, + { + "text": "at 9:00 EET Alma Media 's Annual Report for 2009 is scheduled to be published in calendar week 9 .", + "label": 0 + }, + { + "text": "- Inge Larsen (CFO), 29,045 shares , representing 0.50 % of the share capital .", + "label": 0 + }, + { + "text": "Diageo, Heineken Exchange Emerging-Market Brewing Assets", + "label": 0 + }, + { + "text": "AstraZeneca to Pay Inovio Up to $700 Million for Cancer Drug", + "label": 1 + }, + { + "text": "The E7 smartphone will be available for Rs35 ,000 per handset across India , '' Nokia India vice-president & managing director D Shivakumar told reporters .", + "label": 0 + }, + { + "text": "Hammerson, JV Partner secure ownership of Ireland's Dundrum - Quick Facts", + "label": 1 + }, + { + "text": "Chipotle Sales Plunge as Troubled Chain Gets Federal Subpoena", + "label": -1 + }, + { + "text": "Peroni and Grolsch put up for sale as AB InBev plans acquisition of SABMiller", + "label": 1 + }, + { + "text": "BP signs $12 billion energy deal in Egypt", + "label": 1 + }, + { + "text": "The contract comprises a log handling line , a peeling line , and a veneer drying and grading line .", + "label": 0 + }, + { + "text": "Land Securities warns of rent rises", + "label": 0 + }, + { + "text": "LSE-Deutsche Börse dealmakers wrong to ignore Brexit risk", + "label": -1 + }, + { + "text": "The orders consist in total of over 1,600 panels of lift-away weatherdeck hatch covers and they will be delivered for container vessels with capacities ranging from 2,000 to 13,300 TEUs .", + "label": 0 + }, + { + "text": "Dividends Unleashed At Royal Bank of Scotland Group plc", + "label": 1 + }, + { + "text": "Aldata Solution , a global company engaged in supplier to consumer business process optimization , has announced the details of its Dollars for Dinosaurs program .", + "label": 0 + }, + { + "text": "Operating profit rose to EUR 103.4 mn from EUR 23.2 in the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "UK Christmas power demand to be lowest in 16 years – National Grid", + "label": -1 + }, + { + "text": "Connectivity Services include outsourced Scan and Capture which transfers paper invoices into electronic format and Basware Business Transactions Service enables the customer to receive and send invoices in an electronic format .", + "label": 0 + }, + { + "text": "Fiskars is also engaged in the global supply of marine and energy equipment solutions and services through its associated company , Wartsila Corporation .", + "label": 0 + }, + { + "text": "Can Standard Chartered PLC, BP plc & Burberry Group plc Keep Charging?", + "label": 0 + }, + { + "text": "Earnings per share ( EPS ) in 2005 decreased to EUR1 .87 from EUR1 .89 in 2003 .", + "label": -1 + }, + { + "text": "The organization that is a member of the Russian auto sector union MPRA has become active since Tikkurila acquired Russian paint company Kraski Teks in 2006 .", + "label": 0 + }, + { + "text": "Entertainment One dispels ITV takeover rumours", + "label": 0 + }, + { + "text": "The continued operations mean the structure after the restructuring of the Aspocomp group including Aspocomp Oulu and the headquarter operations .", + "label": 0 + }, + { + "text": "BHP Billiton posts big loss, slashes dividend", + "label": -1 + }, + { + "text": "These savings will have full impact as of the beginning of 2007 .", + "label": 0 + }, + { + "text": "Finnish IT consultancy Satama Interactive Oyj posted a net profit of 1.4 mln euro $ 2.0 mln for the first nine months of 2007 , compared to a net loss of 462,000 euro $ 664,000 for the same period of 2006 .", + "label": 1 + }, + { + "text": "Wolseley says Nicholls won't join as finance chief", + "label": 0 + }, + { + "text": "Barclays, Deutsche Bank Fight to Lift Profit Just Got Harder", + "label": -1 + }, + { + "text": "Price talk is in the mid-market swaps plus 105 bps area and the leads are Barclays , BNPP , UBS and CBA .", + "label": 0 + }, + { + "text": "( ADP News ) - Oct 1 , 2008 - Finnish consulting and engineering company Poyry Oyj ( OMX : POY1V ) said today it was awarded a EUR 5.2 million ( USD 7.4 m ) extension to their existing consultancy engineering contract with Venezuel", + "label": 1 + }, + { + "text": "The company has the poser , who wants to impress people with the latest handset .", + "label": 0 + }, + { + "text": "Two former Barclays traders face retrial over Libor", + "label": -1 + }, + { + "text": "Paper company M-real calculated that if 100,000 biscuit cartons are made using a 25gsm lighter board , the CO2 saved over the course of 12 months would be equal to that generated by driving 1,000 km by car .", + "label": 0 + }, + { + "text": "The value of the deal was not disclosed .", + "label": 0 + }, + { + "text": "The event can also be viewed as a live audio webcast at www.ahlstrom.com .", + "label": 0 + }, + { + "text": "Companies Severn Trent expects costs hit from inflation", + "label": -1 + }, + { + "text": "Brewer AB InBev seeks $275 bln tie-up with SABMiller", + "label": 1 + }, + { + "text": "Rubin says he expects Capman to announce 1-2 additional transactions in 2009 .", + "label": 0 + }, + { + "text": "Valeant CEO Returns From Leave, Company Withdraws Guidance", + "label": 0 + }, + { + "text": "Under a preliminary estimation , the technology park will measure about 50,000 square meters .", + "label": 0 + }, + { + "text": "Diageo sells wine businesses for 320m pounds", + "label": 1 + }, + { + "text": "UPDATE 3-BP settles oil spill-related claims with Halliburton, Transocean", + "label": 0 + }, + { + "text": "TELE2 Affarsvarlden gave a `` buy '' recommendation on mobile operator Tele2 AB and a share price target of 142 crowns ( $ 23.54 - 15.19 euro ) .", + "label": 1 + }, + { + "text": "Activist Fund TCI Backs German Takeover of London Stock Exchange", + "label": 1 + }, + { + "text": "AstraZeneca : FDA Panel Reviews Savor Study Results For Onglyza ...", + "label": 0 + }, + { + "text": "Our tools are specifically designed with the needs of both the business users and ICT experts in mind .", + "label": 0 + }, + { + "text": "Aberdeen's shares slide as net outflows accelerate", + "label": -1 + }, + { + "text": "Diageo Shares Surge on Report of Possible Takeover by Lemann", + "label": 1 + }, + { + "text": "- Counter your competitor 's strengths and target their weaknesses .", + "label": 0 + }, + { + "text": "Full-year net sales are expected to increase by approximately 10 % , the company said .", + "label": 1 + }, + { + "text": "The operating margin of Aker Yards Cruise & Ferries division went down from 8.3 % to 6.4 % in the first quarter of 2007 .", + "label": -1 + }, + { + "text": "Viking Line manages well with its current ferries .", + "label": 1 + }, + { + "text": "Experian says receives class actions related to T-Mobile breach", + "label": -1 + }, + { + "text": "Citigroup , Inc NYSE : C , Deutsche Bank NYSE : DB and Pohjola Bank are lead managers for the sale .", + "label": 0 + }, + { + "text": "Elektrobit ( EB ) has renewed its IT infrastructure contract with ICT services provider Fujitsu Services for EB 's Patja service .", + "label": 1 + }, + { + "text": "Aspocomp said it will spin off its Chinese and Indian units , and some equipment from its Salo plant in Finland , into a newly-formed unit , most of which it will then sell on to Hong Kong-listed Meadville .", + "label": 0 + }, + { + "text": "Shell shells out over Nigeria oil spill", + "label": -1 + }, + { + "text": "In contrast , the company 's net loss for the third quarter of 2009 contracted to EUR 76 million from EUR 256 million for the corresponding period a year ago .", + "label": 1 + }, + { + "text": "BG Group ships first LNG From Queensland Curtis", + "label": 1 + }, + { + "text": "The portfolio comprises of 118,000 m2 of leasable space with a vacancy rate of roughly 5 % , let to around 140 tenants of which two of the largest are the Swedish government and Ericsson .", + "label": 0 + }, + { + "text": "TalkTalk hires BAE Systems to investigate cyber attack", + "label": 0 + }, + { + "text": "A few months ago , Teva vice chairman Phillip Frost and Marathon Venture Capital Fund TASE : MARA sold Protalix shares .", + "label": 0 + }, + { + "text": "Nordea Bank Estonia is part of the largest financial group in the Nordic countries .", + "label": 0 + }, + { + "text": "Neither of the companies use genetically engineered soy at the moment .", + "label": 0 + }, + { + "text": "Operating profit decreased to EUR 11.2 mn from EUR 16.6 mn .", + "label": -1 + }, + { + "text": "RBS and Barclays shares temporarily suspended amid heavily losses", + "label": -1 + }, + { + "text": "Britain's FTSE steadies below record high, BHP gains", + "label": 1 + }, + { + "text": "Nordea sees a return to positive growth for the Baltic countries in 2011 .", + "label": 1 + }, + { + "text": "The port operator , however , favors retaining the port fees in 2010 , citing the owner , the governemtn of Estonia , commiting the port to pay EEK 400mn ( EUR 25.56 mn USD 36.44 mn ) in dividends to the state in 2009 and another EEK 300mn in 2010 .", + "label": 0 + }, + { + "text": "As capacity was cut with 1.4 % , the passenger load factor was down 7.8 percentage points .", + "label": -1 + }, + { + "text": "Spain's Caixabank launches new takeover bid for Banco BPI", + "label": 0 + }, + { + "text": "The mall will be financed on a parity basis by Pearl Plaza LLC , the joint venture company established by the Chinese investor Shanghai Industrial Investment Holdings Co Ltd , and SRV Group .", + "label": 0 + }, + { + "text": "RBS chairman admits surprise at size of regulatory penalties", + "label": -1 + }, + { + "text": "UPDATE 1-Dairy Crest loses a third of Morrisons milk contract", + "label": -1 + }, + { + "text": "Agricultural newspaper Maaseudun Tulevaisuus had 318,000 readers , representing a decrease of 6 % .", + "label": -1 + }, + { + "text": "Bilfinger Industrial Services win £100m BP contract extension", + "label": 0 + }, + { + "text": "It also said its third quarter diluted EPS came in at 0.34 eur compared with 0.16 eur in the same quarter a year ago .", + "label": 1 + }, + { + "text": "RBS, Lloyds Most Exposed to Commercial Property, JPMorgan Says", + "label": -1 + }, + { + "text": "The total scope of the project is about 38,000 square metres and it is valued at a total of around EUR75m .", + "label": 0 + }, + { + "text": "Anheuser-Busch InBev Increases Offer for Rival SABMiller", + "label": 1 + }, + { + "text": "Furthermore , sales of new passenger cars and light commercial vehicles in the country declined by 5.4 % year-on-year last month .", + "label": -1 + }, + { + "text": "SAB's Chairman Digs In With Board Divided on InBev Offer", + "label": 0 + }, + { + "text": "Sales at the unit slumped last year after the industry was hit by poor snowfall in the major resorts in the winter of 2006-07 .", + "label": -1 + }, + { + "text": "BP ends 27-year sponsorship of Tate as falling oil price takes toll", + "label": -1 + }, + { + "text": "Unlisted British Biologicals makes B - and D - proteins , and other disease-specific supplements that cover diabetes , hepatitis , asthma and other cardiovascular ailments .", + "label": 0 + }, + { + "text": "Tesco leads leap in FTSE 100; Marks & Spencer drops", + "label": -1 + }, + { + "text": "According to CapMan Plc 's Corporate Governance , the majority of the committees ' members shall be independent of the Company .", + "label": 0 + }, + { + "text": "Unilever 's Turun Sinappi that is made in Sweden holds 40 % of the market .", + "label": 0 + }, + { + "text": "It will report full-year results on August 22 .", + "label": 0 + }, + { + "text": "The proposal that the Board of Directors will make at the Annual General Meeting is attached as a whole to this release .", + "label": 0 + }, + { + "text": "Wolseley share price: Group updates on quarterly performance", + "label": 0 + }, + { + "text": "IAG closes in on Aer Lingus with increased offer", + "label": 1 + }, + { + "text": "Secure your files online Like filling out a tax return , making a backup is boring .", + "label": 0 + }, + { + "text": "Tesco to 'axe 10000 jobs' in 'simplification' drive to cut costs by 30 per cent", + "label": 1 + }, + { + "text": "The firm 's services include copying , printing , CAD-modelling , digital printing , scanning , SokoPro project bank and courier services .", + "label": 0 + }, + { + "text": "DBS, Julius Baer emerge as potential bidders for Barclays Asia wealth unit ...", + "label": 1 + }, + { + "text": "Diageo Sells Ryder Cup Venue Gleneagles Hotel to Ennismore Group", + "label": 1 + }, + { + "text": "Raffles Equities Ltd became a substantial holder in Archer Exploration Ltd on January 12 with 11.7 million shares ( 18.2 pc ) .", + "label": 0 + }, + { + "text": "InterContinental Hotels Denies Reports of Starwood Merger Talks", + "label": 0 + }, + { + "text": "Aviva plans to up pay-out ratio, says too soon to judge Brexit impact", + "label": 0 + }, + { + "text": "Westpac Banking Corp - Is to issue a benchmark , 3 year FRN deal in Euros .", + "label": 0 + }, + { + "text": "In 2005 the bank posted a net profit of Lt 8.2 mn .", + "label": 0 + }, + { + "text": "LKAB , headquartered in Lulea , Sweden , is a high-tech mining company producing upgraded iron ore products for the steel industry .", + "label": 0 + }, + { + "text": "AstraZeneca share price: Acerta deal pays off with orphan drug status", + "label": 1 + }, + { + "text": "Pearson Forecasts Rising Earnings as Reorganization Pays Off", + "label": 1 + }, + { + "text": "The repo rate will gradually reach 2 % at the end of 2010 , according to Nordea 's Economic Outlook .", + "label": 0 + }, + { + "text": "Shell share price: Standard Life announce position against BG acquisition", + "label": 0 + }, + { + "text": "ARM swings to profit in fourth quarter", + "label": 1 + }, + { + "text": "StanChart and RBS struggle in Bank of England stress tests", + "label": -1 + }, + { + "text": "Diluted earnings per share ( EPS ) rose to EUR 1.05 from EUR 0.64 .", + "label": 1 + }, + { + "text": "cents The profile contains business operations , the company history , major products and services , prospects , key competitors , structure and key employees , locations and subsidiaries .", + "label": 0 + }, + { + "text": "The German company has also signed a code share agreement with another Oneworld member -- American Airlines Inc , part of US-based AMR Corp ( NYSE : AMR ) .", + "label": 1 + }, + { + "text": "These six agreements are the company 's first customer acquisitions in India since taking over TVS Electronics ' contract manufacturing facility in Jun 2007 .", + "label": 0 + }, + { + "text": "The commission found evidence of several meetings to discuss the cartel , including one in a Brussels restaurant in November 1997 at which the companies discussed price increases .", + "label": 0 + }, + { + "text": "Shell to Lay Off Another 2200 Staff", + "label": -1 + }, + { + "text": "MarketsUBS, Goldman Sachs cut metals forecasts", + "label": -1 + }, + { + "text": "China Unicom , NYSE : CHU , HKSE : 0762 , and SHSE : 600050 , the second largest mobile carrier in the country .", + "label": 0 + }, + { + "text": "Greenpeace Protest of BP Forces British Museum to Close", + "label": -1 + }, + { + "text": "NWC ANALYSIS :", + "label": 0 + }, + { + "text": "In today s business , you have to pre-empt what consumers want , said Mohammed Zainalabedin , General Manager , Zain Bahrain .", + "label": 0 + }, + { + "text": "The company 's set of services include digital printing , printing preparation , offset-printing , after-treatment services and send out services .", + "label": 0 + }, + { + "text": "More than 50,000 tonnes of asphalt mix will be used in the contract .", + "label": 0 + }, + { + "text": "Sotheby's chairman takes his final sale", + "label": 0 + }, + { + "text": "Drugmaker Shire to buy Baxalta for $32 billion after 6-month pursuit", + "label": 1 + }, + { + "text": "Shell profit rises as company resist oil slump", + "label": 1 + }, + { + "text": "The government started the sell-off last month , putting an 8 percent stake in TeliaSonera on the auction bloc .", + "label": 0 + }, + { + "text": "The value of the orders is about EUR 70mn .", + "label": 0 + }, + { + "text": "Sales climbed 19.2 pct to 1.002 bln eur , surpassing the 953 mln eur consensus figure .", + "label": 1 + }, + { + "text": "Old Mutual faces backlash over £9m chief exec payout plan", + "label": -1 + }, + { + "text": "BAE Systems lines up oil exec Woodburn as next CEO -source", + "label": 0 + }, + { + "text": "`` The CHF is a great product .", + "label": 1 + }, + { + "text": "Finland 's Technopolis is planning to bring the first section of a technopark on stream in St. Petersburg at the end of 2008 , Kari Mikkonen , vice president of Technopolis , told reporters in Helsinki .", + "label": 0 + }, + { + "text": "News FeedFTSE 100 movers: Ashtead jumps on strong interims; Glencore, BP in ...", + "label": 1 + }, + { + "text": "Orders received grew by 55 % year-on-year to EUR732m .", + "label": 1 + }, + { + "text": "Glencore shares hit 3-month high after refinancing key credit line", + "label": 1 + }, + { + "text": "Last year SysOpen Digia invested in IBM product know-how in the building of portal and trading place systems and successfully implemented customer solutions supported by it .", + "label": 1 + }, + { + "text": "Reported operating margin was a negative 5.9 % .", + "label": -1 + }, + { + "text": "in Q1 2010 18 May 2010 - Finnish electrical components maker Salcomp Oy ( HEL : SAL1V ) said today it turned to a net profit of EUR1 .6 m in the first quarter of 2010 versus a loss of EUR2m in the corresponding period last year .", + "label": 1 + }, + { + "text": "Morrisons helps FTSE edge higher energy shares slip", + "label": 1 + }, + { + "text": "Lloyds sells Irish loan portfolio for £827m", + "label": 0 + }, + { + "text": "BP to pay investors $175m over Gulf spill claims", + "label": -1 + }, + { + "text": "Landlord Hammerson's NAV rises on increased leasing activity", + "label": 1 + }, + { + "text": "Randgold Resources third quarter profit slips despite record production", + "label": -1 + }, + { + "text": "21 December 2010 - Finnish industrial machinery company Wartsila Oyj Abp HEL : WRT1V said yesterday it had won an order to design a liquefied natural gas LNG powered platform supply vessel PSV for Norwegian oil service provider Eidesvik Offshore ASA OSL : EIOF .", + "label": 1 + }, + { + "text": "Incap , headquartered in Oulu , Finland , is a electronics contract manufacturer with some 750 employees in Finland , Estonia and India .", + "label": 0 + }, + { + "text": "That topped consensus forecasts for earnings of 0.21 euros a share .", + "label": 1 + }, + { + "text": "Whitbread to hike prices to offset 'substantial' national living wage bill", + "label": 0 + }, + { + "text": "The proposed consolidation activities will impact approximately 30 positions .", + "label": 0 + }, + { + "text": "The total floor area of the plant expansion is 29,000 square metres .", + "label": 0 + }, + { + "text": "Production capacity will increase from 36 000 to 85 000 tonnes per year and the raw material will continue to be recycled paper and board .", + "label": 1 + }, + { + "text": "The Group owns and operates a fleet of more than 800dwt , while container capacity is 17,000 TEUs , and manages a diversified fleet of its own railway rolling stock of over 17,000 units .", + "label": 0 + }, + { + "text": "Because the application can be considered as a hacking application , it is classified by F-Secure as riskware .", + "label": 0 + }, + { + "text": "Glaston 's own glass processing unit , Tamglass Glass Processing , is a manufacturer of high quality safety glass products operating in Finland .", + "label": 0 + }, + { + "text": "At 12.01 pm , the OMX Helsinki 25 was down 0.66 pct to 3,143.57 and the OMX Helsinki was 0.67 pct lower at 10,530.74 on 253 mln eur turnover .", + "label": -1 + }, + { + "text": "The site will cover over six hectares .", + "label": 0 + }, + { + "text": "Barclays says has spent $150 million on US 'living will'", + "label": 0 + }, + { + "text": "RPT-UK supermarkets braced for battle as Tesco comes out fighting", + "label": 0 + }, + { + "text": "Barclays Not Convinced by Gains in South African Stocks: Chart", + "label": -1 + }, + { + "text": "Renewed AB InBev Bid for SABMiller Ups Stake in Beer Battle", + "label": 1 + }, + { + "text": "This solution is an extension to the existing online mediation solution delivered earlier by Comptel and IBM .", + "label": 0 + }, + { + "text": "Goodwin not to face Scottish prosecution over RBS", + "label": 0 + }, + { + "text": "OMEO ( www.omeo.se ) employs 55 and expects net sales of some 23 mln euro ( $ 29.8 mln ) for fiscal 2006-2007 , ending April 30 , 2007 .", + "label": 0 + }, + { + "text": "The value of the contracts is about EUR 3.3 mn .", + "label": 0 + }, + { + "text": "Finnish Outokumpu Technology has been awarded several new grinding technology contracts .", + "label": 1 + }, + { + "text": "Arm profits and sales up as shift away from mobile gains pace", + "label": 1 + }, + { + "text": "In July-September 2009 , Konecranes ' sales decreased to EUR 368.7 mn from EUR 520.4 mn in July-September 2008 .", + "label": -1 + }, + { + "text": "Can Standard Chartered PLC, BP plc & Burberry Group plc Keep Charging?", + "label": 0 + }, + { + "text": "According to Seikku , the retail sector in Finland is controlled by 3-4 large actors , while food manufacturers are still relatively small .", + "label": 0 + }, + { + "text": "The products have a low salt and fat content .", + "label": 0 + }, + { + "text": "Scanfil has also issued a profit warning .", + "label": -1 + }, + { + "text": "Standard Chartered Not Raising Capital Yet As Dividend Cut", + "label": 0 + }, + { + "text": "4 February 2011 - Finnish broadband data communication systems provider Teleste Oyj HEL : TLT1V saw its net profit jump to EUR2 .1 m for the last quarter of 2010 from EUR995 ,000 for the same period of 2009 .", + "label": 1 + }, + { + "text": "The authorization is in force for a period of 18 months from the resolution by the General Meeting .", + "label": 0 + }, + { + "text": "Profit before taxes decreased to EUR 31.6 mn from EUR 50.0 mn the year before .", + "label": -1 + }, + { + "text": "Net sales revenue per passenger is expected to increase .", + "label": 1 + }, + { + "text": "The investment would be some EUR5m .", + "label": 0 + }, + { + "text": "FTSE boosted by Dixons Carphone with Fed in focus", + "label": 1 + }, + { + "text": "`` We continued actively to focus R&D and to position our offering away from point solutions towards dynamic end-to-end solutions , '' Ervio stated .", + "label": 1 + }, + { + "text": "Morning Agenda: Shire's Deal for NPS", + "label": 0 + }, + { + "text": "NYSE owner ICE considers offer for LSE", + "label": 1 + }, + { + "text": "Markets had been expecting a poor performance , and the company 's stock was up 6 percent at x20ac 23.89 US$ 33.84 in early afternoon trading in Helsinki .", + "label": 1 + }, + { + "text": "Finnish property investment company Citycon will expand and refurbish +àkersberga shopping center in Stockholm , in Sweden .", + "label": 0 + }, + { + "text": "The new chain has 700 discount stores and 250 supermarkets .", + "label": 0 + }, + { + "text": "`` Operating profit declined mainly due to the increased cost of wood and recycled fiber and the strengthened euro . ''", + "label": -1 + }, + { + "text": "Merkel's Government Said to Support Deutsche Boerse-LSE Merger", + "label": 1 + }, + { + "text": "The company reported today an operating loss of EUR0 .1 m on net sales of EUR4 .5 m for the first quarter 2008 .", + "label": -1 + }, + { + "text": "The markets expect Heineken to sell Hartwall as a whole or in parts .", + "label": 0 + }, + { + "text": "Sales boost for new Morrisons chief David Potts as Tesco turnaround stalls", + "label": 1 + }, + { + "text": "The mall is part of the Baltic Pearl development project in the city of St Petersburg , where Baltic Pearl CJSC , a subsidiary of Shanghai Foreign Joint Investment Company , is developing homes for 35,000 people .", + "label": 0 + }, + { + "text": "RSA Insurance Hires Towergate's Egan as Chief Financial Officer", + "label": 0 + }, + { + "text": "Hargreaves weathers torrid ISA season and Brexit fears", + "label": -1 + }, + { + "text": "Finnish Kemira 's net sales EUR decreased to EUR 1,259.6 mn in January-June 2009 from EUR 1,425.1 mn in January-June 2008 .", + "label": -1 + }, + { + "text": "RBS invites pitches for broker role ahead of privatisation - sources", + "label": 1 + }, + { + "text": "Net sales surged by 18.5 % to EUR167 .8 m. Teleste said that EUR20 .4 m , or 12.2 % , of the sales came from the acquisitions made in 2009 .", + "label": 1 + }, + { + "text": "Royal Mail share price edges lower as group raises stamp price", + "label": -1 + }, + { + "text": "However , the bottom-line result improved thanks to positive financial items .", + "label": 1 + }, + { + "text": "Centrica prepared for takeover approach - chairman", + "label": 0 + }, + { + "text": "The airline estimated that the cancellation of its flights due to the closure of European airspace , and the process of recommencing traffic , have caused a the company a loss of EUR20m , including the costs of stranded passengers ' accommodation .", + "label": -1 + }, + { + "text": "The price of the 10,000 kroon par value bonds was 9663,51 kroons in the primary issue .", + "label": 0 + }, + { + "text": "The segments through which the company operates are Frozen Food business , Seafoods , Vegetable Oil business , Grain Trading and Other business operations .", + "label": 0 + }, + { + "text": "In Finland , Alma Media will focus on quality and developing chain operations .", + "label": 0 + }, + { + "text": "The group 's net sales in 2007 were EUR683 .6 m.", + "label": 0 + }, + { + "text": "Secretive Barclays deal involved Qatari clients", + "label": 0 + }, + { + "text": "LSE-Deutsche Boerse merger would signal end to exchange mega-deals", + "label": 0 + }, + { + "text": "Barclays Said to Shrink Bonus Pool to Less Than 2 Billion Pounds", + "label": 1 + }, + { + "text": "In the third quarter , net sales increased by 12 % year-on-year to EUR159 .5 m , or by 6 % at comparable currency rates growth .", + "label": 1 + }, + { + "text": "Warren Buffett's Berkshire Hathaway buys stake in Apple", + "label": 1 + }, + { + "text": "Should You Buy Jumbo Yielders British American Tobacco plc, Centrica PLC & John Wood Group PLC?", + "label": 0 + }, + { + "text": "Cision says the sale will return its U.K. operation to profitability .", + "label": 1 + }, + { + "text": "Moreover , Konecranes and Kito intend to transfer the hoist distribution business of Konecranes ' Japanese joint venture MHS Konecranes to Kito .", + "label": 0 + }, + { + "text": "Shire to buy NPS for $5.2 billion to boost rare disease drugs", + "label": 1 + }, + { + "text": "Olli-Pekka Laine has been appointed as the Chairman and Erkki Pehu-Lehtonen as the Vice Chairman of the Board .", + "label": 0 + }, + { + "text": "The agreement strengthens our long-term partnership with Nokia Siemens Networks .", + "label": 1 + }, + { + "text": "In total , more than 3000 surveillance cameras will be handled and managed according to a variety of needs , the company said .", + "label": 0 + }, + { + "text": "Early victory for new CEO as Morrisons beats forecasts", + "label": 1 + }, + { + "text": "Stakes High for AstraZeneca Heart Drug Facing Tough Competition", + "label": -1 + }, + { + "text": "Okmetic Board of Directors has also decided on a new share ownership program directed to the company 's top management .", + "label": 0 + }, + { + "text": "BBCN Bancorp to buy Wilshire Bancorp in $1 bln deal", + "label": 1 + }, + { + "text": "Glencore tells investors it is on track to reduce debt: Barclays", + "label": 1 + }, + { + "text": "Sugar tax spurs Pepsi owner Britvic to change drinks recipes by 2020", + "label": 0 + }, + { + "text": "The Lemminkainen Group , headquartered in Helsinki , Finland operates in all sectors of the construction industry : civil engineering , building contracting , technical building services and the building materials industry .", + "label": 0 + }, + { + "text": "UK lawmakers warn Royal Mail against further price hikes", + "label": 0 + }, + { + "text": "Operating profit for the three-month period increased from EUR1 .2 m , while revenue increased from EUR20 .2 m , as compared to the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "Euro zone QE helps Standard Life first-quarter funds boost", + "label": 1 + }, + { + "text": "`` Adjustment to the fall in price level , in contrast , has been less effective .", + "label": -1 + }, + { + "text": "The company is owned by the State of Finland and the European Aeronautic Defense and Space Company EADS N.V. Tekla is an international software company that provides solutions for building and construction , energy distribution and municipalities .", + "label": 0 + }, + { + "text": "When this information was released on 5 September 2008 , Nokia 's American Depositary shares fell by 8 % .", + "label": -1 + }, + { + "text": "The pretax profit of the group 's life insurance business increased to EUR 36 million from EUR 27 million .", + "label": 1 + }, + { + "text": "Exxon Beaumont CDU overhaul to be slowed by accident: sources", + "label": -1 + }, + { + "text": "Finnish steel maker Rautaruukki Oyj ( HEL : RTRKS ) , or Ruukki , said today its net loss contracted to EUR 49 million ( USD 68.2 m ) for the first nine months of 2010 from EUR 229 million for the same period a year ago .", + "label": 1 + }, + { + "text": "Result before taxes decreased to nearly EUR 14.5 mn , compared to nearly EUR 20mn in the previous accounting period .", + "label": -1 + }, + { + "text": "UK government sells more Lloyds shares, cuts stake to below 12 percent", + "label": -1 + }, + { + "text": "The company is listed on the Nordic Exchange in Helsinki .", + "label": 0 + }, + { + "text": "Operating profit was EUR 0.6 mn , up from a loss of EUR 19mn a year earlier .", + "label": 1 + }, + { + "text": "Aspocomp has a large factory in China and a factory building project in India that was halted due to financing problems .", + "label": -1 + }, + { + "text": "Are Aviva plc, Direct Line Insurance Group PLC And Admiral Group plc Set To Soar?", + "label": 1 + }, + { + "text": "EasyJet attracts more passengers in June but still lags Ryanair", + "label": 1 + }, + { + "text": "CompaniesGlencore's annual results beat forecasts", + "label": 1 + }, + { + "text": "The estimated value of the deal is USD 9.2 million .", + "label": 0 + }, + { + "text": "CompaniesAB InBev signals it won't go hostile for SABMiller", + "label": 0 + }, + { + "text": "MarketsMoneysupermarket slides 11% on Barclays Brexit warning", + "label": -1 + }, + { + "text": "Tekla Structures 16 is ` all about you and your team ' and compatible with the Windows 7 operating system .", + "label": 0 + }, + { + "text": "Water utility Severn Trent ups savings forecast, FY profit falls", + "label": 0 + }, + { + "text": "The order also includes extensive maintenance work of a shoe press delivered by Vaahto in 2001 .", + "label": 0 + }, + { + "text": "An Apple spokeswoman said the company declined to comment .", + "label": 0 + }, + { + "text": "Barclays raises 603 million pounds from African business share sale", + "label": 1 + }, + { + "text": "Should You Buy Jumbo Yielders British American Tobacco plc, Centrica PLC & John Wood Group PLC?", + "label": 0 + }, + { + "text": "The company distributes Hiab 's products as well as other products .", + "label": 0 + }, + { + "text": "Standard Chartered Misses Estimates in Sands's Last Results", + "label": -1 + }, + { + "text": "Oil majors like Royal Dutch Shell, Chevron, BP fail to find reserves to counter ...", + "label": -1 + }, + { + "text": "The objective is that trading in the shares will commence on May 2 , 2007 .", + "label": 0 + }, + { + "text": "Warren Buffett's Berkshire Hathaway buys stake in Apple", + "label": 1 + }, + { + "text": "Companies Thetrainline.com announces arrival of London IPO", + "label": 1 + }, + { + "text": "The shops are located in the capital region and the Paijat-Hame region .", + "label": 0 + }, + { + "text": "Meggitt Acquires Cobham Advanced Composites Unit For USD200 Million", + "label": 1 + }, + { + "text": "AB InBev launches SAB bid, to sell MillerCoors stake", + "label": 0 + }, + { + "text": "The shares shall be acquired according to the Rules of NASDAQ OMX Helsinki and otherwise according to the rules related to acquisition of the company 's own shares .", + "label": 0 + }, + { + "text": "New York says Barclays not cooperating in 'dark pool' probe", + "label": -1 + }, + { + "text": "He is a Chartered Accountant in British Columbia and Alberta as well as a Certified Public Accountant in Washington State .", + "label": 0 + }, + { + "text": "Pearson lags as UK's FTSE slips off record high", + "label": -1 + }, + { + "text": "This corresponds to 6.81 percent of Okmetic 's share capital and voting rights .", + "label": 0 + }, + { + "text": "The stock is trading above both its MAPs and the 50-day MAP of SEK72 .983 is higher than the 200-day MAP of SEK70 .283 , a bullish indicator .", + "label": 1 + }, + { + "text": "`` Tweeple should check who 's following them , and be cautious when clicking on URLs and tinyurls . ''", + "label": 0 + }, + { + "text": "Rautaruukki said construction group YIT has awarded it a 2.5 mln eur contract to supply the steel structures for a new bridge spanning the Kemijoki river in Northern Finland .", + "label": 1 + }, + { + "text": "UPM-Kymmene Corp. , the world 's largest maker of magazine paper , on Tuesday reported a 19-percent profit drop as lower paper prices , higher costs and a strong euro hurt revenue .", + "label": -1 + }, + { + "text": "Prudential capital ratio beats forecasts, confirms UK head", + "label": 1 + }, + { + "text": "Due to the rapid decrease in net sales , personnel reductions have been carried out on a wider scale than initially expected .", + "label": -1 + }, + { + "text": "UPDATE 5-SABMiller rejects AB InBev's $104 bln takeover approach", + "label": -1 + }, + { + "text": "US cancels Arctic offshore lease sale after Shell drops interest", + "label": 0 + }, + { + "text": "Admiral and Schroders lift FTSE with profits surge", + "label": 1 + }, + { + "text": "Financial details were n't disclosed .", + "label": 0 + }, + { + "text": "In the spring 2006 , a total of 386,530 Stock Options 2002 B were annulled .", + "label": 0 + }, + { + "text": "He said things will be different when new Finnish nuclear power stations go into operation and the large hydro powered stations of northern Europe have a good year .", + "label": 0 + }, + { + "text": "The disposal of Autotank will also strengthen Aspo 's capital structure , '' commented Gustav Nyberg , CEO of Aspo .", + "label": 1 + }, + { + "text": "Bilfinger Industrial Services win £100m BP contract extension", + "label": 1 + }, + { + "text": "UPDATE 1-Berkshire applies to boost Wells Fargo stake above 10 pct", + "label": 1 + }, + { + "text": "Peroni and Grolsch put up for sale as AB InBev plans acquisition of SABMiller", + "label": 1 + }, + { + "text": "AstraZeneca weighing up Acerta bid to secure blood cancer drug", + "label": 1 + }, + { + "text": "AstraZeneca profit down as sales of stalwarts fade", + "label": -1 + }, + { + "text": "The city will invite , however , a public procurement tender for the tailor-made public furniture , such as park benches , litter receptacles , public toilets , as well as bus shelters , street lights , and other .", + "label": 0 + }, + { + "text": "The change in holdings in accordance with Chapter 2 , Section 9 of the Finnish Securities Markets Act is described below .", + "label": 0 + }, + { + "text": "Talvivaara has secured a 10-year off-take agreement for 100 per cent of its main output of nickel and cobalt to Norilsk Nickel and entered into a long-term zinc streaming agreement with Nyrstar NV .", + "label": 1 + }, + { + "text": "Currently , YIT builds a housing estate Zapadnye Vorota 26,000 square metres in the city and a house 9,910 square metres , which will be completed at the end of 2009 .", + "label": 0 + }, + { + "text": "Bertrand Sciard has been the vice chairman of the board of directors of Aldata Solution since April 2007 .", + "label": 0 + }, + { + "text": "HSBC Says Unit to Book $585 Million Charge on Settlement", + "label": -1 + }, + { + "text": "Buffett's Company Reports 37 Percent Drop in 2Q Earnings", + "label": -1 + }, + { + "text": "Goodwin not to face Scottish prosecution over RBS", + "label": 0 + }, + { + "text": "G4S suspends workers at UK youth centre over allegations of unnecessary force", + "label": -1 + }, + { + "text": "Cramo , headquartered in Vantaa , Finland , rents construction machinery and equipment , as well as rents and sells modular space .", + "label": 0 + }, + { + "text": "The inventor was issued U.S. Patent No. .", + "label": 0 + }, + { + "text": "Profits Fall 25% At Standard Chartered PLC: Should You Buy Or Sell?", + "label": -1 + }, + { + "text": "The agreement includes application maintenance and support services .", + "label": 0 + }, + { + "text": "Unit prices for straddle carriers vary between EUR700 ,000 and EUR900 ,000 , the company added .", + "label": 0 + }, + { + "text": "Among the Scandinavian companies present in St. Petersburg , is also named the Swedish concern NCC , which implements projects in the field of asphalt production , road and housing construction ( project Swedish Krona ) .", + "label": 0 + }, + { + "text": "Bunzl backs 2015 view, buys more businesses", + "label": 1 + }, + { + "text": "Persimmon sees post-election pick-up", + "label": 1 + }, + { + "text": "ITV merger reports boost Footsie stocks", + "label": 1 + }, + { + "text": "In the Baltic countries , Atria 's target is organic growth .", + "label": 0 + }, + { + "text": "Tesco sells half of stake in ecommerce site Lazada to Alibaba for £90m", + "label": 1 + }, + { + "text": "UPDATE 3-Stifel to buy former Lehman brokerage from Barclays", + "label": 0 + }, + { + "text": "TRLPC - CRH backs Lafarge Holcim asset buy with 6.5 bln euro bridge loan", + "label": 1 + }, + { + "text": "The group said it intends to initiate within this year the process of buyout of minority shareholders of Ragutis with the aim of becoming the sole owner of the company .", + "label": 0 + }, + { + "text": "The acquisition will considerably increase Kemira 's sales and market position in the Russian metal industry coatings market .", + "label": 1 + }, + { + "text": "Following the divestment , Fiskars 's Outdoor unit will comprise the brands Gerber , Silva and Buster , and will focus on multi-tools , knives , compasses , mobile lighting , pedometers , and aluminium boats .", + "label": 0 + }, + { + "text": "The measures result from weak demand in the shipbuilding industry .", + "label": -1 + }, + { + "text": "Equipment will be manufactured in Vaahto 's workshop in Hollola , Finland and is scheduled for shipments during the first quarter of 2009 .", + "label": 0 + }, + { + "text": "L&T is operative in Finland , Sweden , Latvia , Russia and Norway .", + "label": 0 + }, + { + "text": "Net sales in 2008 are expected to be on the same level as in 2007 .", + "label": 0 + }, + { + "text": "You are warmly welcome !", + "label": 0 + }, + { + "text": "Finnish GeoSentric 's net sales decreased to EUR 939,000 in January-March 2009 .", + "label": -1 + }, + { + "text": "Finnish construction company YIT is reducing the number of start-ups of market-financed residential units in 2007 to about 2,300 from the previously announced 2,700 .", + "label": -1 + }, + { + "text": "Salonen added that data shows producers ' pulp inventories in North America are declining . '", + "label": -1 + }, + { + "text": "New York says Barclays not cooperating in 'dark pool' probe", + "label": -1 + }, + { + "text": "An international conference call and audio webcast concerning the financial result January-March 2010 will begin at 14.00 EET .", + "label": 0 + }, + { + "text": "We are now taking Marimekko there on a distinctly more significant scale .", + "label": 0 + }, + { + "text": "SSE share price: Peterhead station to supply voltage support to National Grid", + "label": 1 + }, + { + "text": "OCBC to Buy Barclay's Wealth Management Unit in Singapore, Hong Kong", + "label": 1 + }, + { + "text": "UPDATE 1-Rio Tinto to sell aluminium assets in $1 bln deal -paper", + "label": 1 + }, + { + "text": "The move will be carried out by transferring HKScan 's production-related property , plant , equipment , as well as its holdings in subsidiaries and associate companies in the country to HKScan Finland .", + "label": 0 + }, + { + "text": "Progress Group , QPR 's representative in Saudi Arabia and North Africa , has signed a framework agreement for a long term strategic relationship with ISE .", + "label": 1 + }, + { + "text": "Combined with the Basware Enterprise Purchase to Pay portfolio , it provides a high level of automation for procurement and invoice workflows .", + "label": 0 + }, + { + "text": "The company expects net sales to significantly increase from 2009 .", + "label": 1 + }, + { + "text": "ITV to pursue takeover of Canada's Entertainment One: Bloomberg", + "label": 1 + }, + { + "text": "UPDATE 1-Seattle flotilla protests Shell's Arctic drilling plans", + "label": -1 + }, + { + "text": "The company 's profit totaled Ls 134,700 .", + "label": 0 + }, + { + "text": "SAB's Chairman Digs In With Board Divided on InBev Offer", + "label": 0 + }, + { + "text": "Lawmakers worry AB InBev beer deal will hurt craft brewers", + "label": 0 + }, + { + "text": "US dollar wipes out sales gains for SABMiller", + "label": -1 + }, + { + "text": "Separately , YIT Corporation and Austrian firm E AG last week signed an agreement on the sale of E 's building system service business in Germany , Austria , Poland , the Czech Republic , Hungary and Romania for EUR 55 mln .", + "label": 1 + }, + { + "text": "Financial Statements include the consolidated financial statements of the Group , the Board of Directors ' Report , the Auditors ' Report and the Corporate Governance Statement .", + "label": 0 + }, + { + "text": "Following this increase Huhtamaki 's registered share capital is EUR360 .62 m and the number of shares outstanding is 106,063,320 .", + "label": 0 + }, + { + "text": "Sir Ken Morrison has taken a £6m stake in rival Sainsbury's", + "label": 1 + }, + { + "text": "The contract includes an option to deliver an additional 75 ASCs in the next phases of the project .", + "label": 0 + }, + { + "text": "The court found TelecomInvest 's arguments convincing .", + "label": 1 + }, + { + "text": "Ahlstrom , headquartered in Helsinki , Finland , is a global company involved in the development , manufacture and marketing of high performance fibre-based materials .", + "label": 0 + }, + { + "text": "In China , Finnish Kone that provides elevators , escalators , and solutions for modernisation and maintenance will build 342 escalators that will be installed in a high-speed railway section between Beijing and Shanghai in a 1.5 years ' time .", + "label": 1 + }, + { + "text": "Finnish telecoms software developer Tecnomen Oyj said on December 5 , 2006 it won a $ 3.3 mln ( 2.5 mln euro ) order to supply an expansion of the charging and messaging systems for the mobile and fixed networks of Brasil Telecom .", + "label": 1 + }, + { + "text": "Britain's FTSE advances as Royal Mail rises", + "label": 1 + }, + { + "text": "The Russian gas giant invested another 46 million litas in the company in late 2004 and now owns 99.5 percent of its stock capital , which amounts to 86.936 million litas .", + "label": 0 + }, + { + "text": "The issuer is solely responsible for the content of this announcement .", + "label": 0 + }, + { + "text": "Shareholder 's full name and ID code : - Petri Ailus , born 15.9.1966 For further information , please contact Isto Hantila , CEO , tel. +358 9 591 8342 .", + "label": 0 + }, + { + "text": "The total investment in the company will be EUR58m , of which Wartsila 's share will be EUR29m .", + "label": 0 + }, + { + "text": "After the reporting period , BioTie North American licensing partner Somaxon Pharmaceuticals announced positive results with nalmefene in a pilot Phase 2 clinical trial for smoking cessation .", + "label": 1 + }, + { + "text": "ITV share price jumps on report of Comcast's NBCUniversal bidding to takeover ...", + "label": 1 + }, + { + "text": "Questor share tip: Mondi shares jump 10pc on strong start", + "label": 1 + }, + { + "text": "ADP News - Jan 13 , 2009 - Finnish industrial and environmental measurement equipment maker Vaisala Oyj OMX : VAIAS said yesterday it will develop an operational reference radiosonde for climate change observations .", + "label": 0 + }, + { + "text": "25 March 2011 - Finnish electronics contract manufacturer Scanfil Oyj HEL : SCF1V said today its plan to merge wholly owned Scanfil EMS Group with Ojala-Yhtyma Oy has hit a snag as shareholders of the domestic rival rejected the deal .", + "label": -1 + }, + { + "text": "Aspen to Buy Anaesthetics From AstraZeneca for $520 Million", + "label": 1 + }, + { + "text": "He confirmed his view on July 6 .", + "label": 0 + }, + { + "text": "The UK Government's Call To Sell Shares In Royal Bank Of Scotland Group plc ...", + "label": -1 + }, + { + "text": "A In August 2007 , Latvijas Finieris ordered all production lines for a new green veneer mill to be built in Ukmerge , central Lithuania .", + "label": 0 + }, + { + "text": "Can Standard Chartered PLC, BP plc & Burberry Group plc Keep Charging?", + "label": 0 + }, + { + "text": "The new factory working model and reorganisations would decrease Nokian Tyres ' costs in the factory by EUR 30 million ( USD 38.7 m ) .", + "label": 1 + }, + { + "text": "`` Soon after , the collisions started . ''", + "label": 0 + }, + { + "text": "Tesco share price closes higher as two more directors leave grocer", + "label": 1 + }, + { + "text": "Tushar Morzaria is bookies' favourite to be new Barclays chief executive", + "label": 0 + }, + { + "text": "According to HK Ruokatalo , almost all the meat used by the company comes from Finland .", + "label": 0 + }, + { + "text": "According shipping company Viking Line , the EU decision will have a significant financial impact .", + "label": 0 + }, + { + "text": "SSE faces profiteering accusations despite 5.3% cut in gas charges", + "label": -1 + }, + { + "text": "The EBRD is using its own funds to provide a 21.6 million A loan while the B portion of 10 million Euros has been syndicated to two Finnish commercial banks , Nordea Bank Finland Plc and Pohjola Bank Plc. .", + "label": 0 + }, + { + "text": "Neste Oil Corp. has signed long-term procurement contracts with Honkajoki Oy and Findest Protein Oy , both owned by Finnish food manufacturers , for the supply of animal fat for biodiesel production at Neste 's 200,000 b-cd Porvoo , Finland , refinery .", + "label": 1 + }, + { + "text": "Sainsbury chief warns of squeeze on high street retailers", + "label": -1 + }, + { + "text": "The utility will also provide services related to electricity management , such as hedging trades and risk management and reporting .", + "label": 0 + }, + { + "text": "Blueprint Receives FDA Nod To Proceed With Clinical Trials For 2 Drug ...", + "label": 1 + }, + { + "text": "EXCLUSIVE-BP, China's CNPC to unveil oil alliance - sources", + "label": 1 + }, + { + "text": "Glencore Sells $2.5 Billion Stake in Agriculture Unit", + "label": 1 + }, + { + "text": "Digia said its consolidated net sales for January-June 2010 were EUR67 .8 m , up 9.7 % on the same period in 2009 ( EUR61 .9 m ) .", + "label": 1 + }, + { + "text": "ADPnews - Feb 5 , 2010 - Finnish real estate investor Sponda Oyj HEL : SDA1V said today that it slipped to a net loss of EUR 81.5 million USD 11.8 m in 2009 from a profit of EUR 29.3 million in 2008 .", + "label": -1 + }, + { + "text": "Thus , SysOpen Digia has , in accordance with Chapter 14 Section 21 of the Finnish Companies Act 29.9.1978 - 734 , obtained title to all the shares of Sentera that are to be redeemed .", + "label": 0 + }, + { + "text": "Tesco shares jump 6% after Christmas sales beat expectations", + "label": 1 + }, + { + "text": "Goldman Sachs, Barclays, HSBC downplay Brexit threat", + "label": 0 + }, + { + "text": "Atria said its offer would give the Swedish company continued ownership and control of its slaughtering and cutting operations .", + "label": 0 + }, + { + "text": "The company is also seeking possibilities to relocate the Luumaki personnel , some 50 people , to other UPM mills .", + "label": 0 + }, + { + "text": "For the current year , Raute expects its net sales to increase and the operating result -- to be positive .", + "label": 1 + }, + { + "text": "The recruits who have completed the K-retailer trainee program are qualified to start a career as independent retailers in K-stores .", + "label": 0 + }, + { + "text": "The company designs , manufactures and markets advanced composite products for industrial applications and consumer goods such as cross-country , alpine and Nordic Walking poles , floorball sticks and antenna radomes .", + "label": 0 + }, + { + "text": "Nordea was the cheapest also for a couple in their 30s with debt .", + "label": 0 + }, + { + "text": "This release is not an offer of securities for sale into the United States or elsewhere .", + "label": 0 + }, + { + "text": "EUR 152.4 mn of this was net interest income .", + "label": 0 + }, + { + "text": "News FeedFTSE 100 movers: LSE surges as ICE says mulling offer; Ashtead and Barclays tank", + "label": -1 + }, + { + "text": "The company is headquartered in Sievi , Finland , and is listed on the Nordic Exchange in Helsinki .", + "label": 0 + }, + { + "text": "Sales in Finland decreased by 10.5 % in January , while sales outside Finland dropped by 17 % .", + "label": -1 + }, + { + "text": "Finnish Ponsse has signed an agreement with Babcock Africa for the distribution and support of Ponsse forest machines , harvester heads , and information systems in South Africa .", + "label": 1 + }, + { + "text": "Shell challenges Exxon dominance with 47 billion-pound bid for BG", + "label": 0 + }, + { + "text": "News FeedFTSE 100 movers: LSE surges as ICE says mulling offer; Ashtead and Barclays tank", + "label": -1 + }, + { + "text": "The company said that its investments in the new market areas resulted in sales increase in Sweden , Poland , Russia and Lithuania .", + "label": 1 + }, + { + "text": "BP chairman defends CEO Bob Dudley's pay increase", + "label": 0 + }, + { + "text": "Buffett's Berkshire builds Deere stake, dumps Exxon", + "label": 0 + }, + { + "text": "The company 's consolidated operating profit amounted to EUR 15.86 mn , up from EUR 4.14 mn year-on-year .", + "label": 1 + }, + { + "text": "Net interest income was EUR 39.3 mn , up from EUR 32.7 mn .", + "label": 1 + }, + { + "text": "- The Group -¦ s cumulative sales during the review period were EUR 48.2 million EUR 53.1 million , 1-9/2007 and profit before taxes was EUR 1.2 1.4 million .", + "label": 0 + }, + { + "text": "The issuer is solely responsible for the content of this announcement .", + "label": 0 + }, + { + "text": "DBS, Julius Baer emerge as potential bidders for Barclays Asia wealth unit ...", + "label": 1 + }, + { + "text": "23 April 2010 - Finnish construction and engineering company Outotec Oyj HEL : OTE1V said today it slipped to a net loss of EUR7 .3 m in the first quarter of 2010 from a net profit of EUR12 .5 m in the corresponding period last year .", + "label": -1 + }, + { + "text": "Tesco sells half of stake in ecommerce site Lazada to Alibaba for £90m", + "label": 0 + }, + { + "text": "The device can also be used for theft protection and positioning of vehicles , boats and other assets .", + "label": 0 + }, + { + "text": "Warren Buffett's Berkshire Hathaway buys stake in Apple", + "label": 1 + }, + { + "text": "Severn Trent share price rises as first half profit inches up as customer ...", + "label": 1 + }, + { + "text": "Can Standard Chartered PLC, BP plc & Burberry Group plc Keep Charging?", + "label": 0 + }, + { + "text": "Analyst Views: Astrazeneca shares have seen recent volatility; what will 2015 ...", + "label": 0 + }, + { + "text": "Deliveries will start in the second half of 2007 and the start-up of the mill is scheduled for 2008 .", + "label": 0 + }, + { + "text": "In the Czech Republic , the smaller profiling unit at Ostrava will be closed and the machinery will be gradually relocated to Ruukki 's bigger plants in Hungary , Poland and Romania by the end of the first quarter of 2009 .", + "label": 0 + }, + { + "text": "The net sales decreased to EUR 49.8 million from EUR 59.9 million .", + "label": -1 + }, + { + "text": "Standard Chartered Shares Jump Most Since '12 After Upgrades", + "label": 1 + }, + { + "text": "CompaniesMorrison evicted from FTSE 100 as Worldpay joins", + "label": -1 + }, + { + "text": "According to Finnish petrol station chain St1 's managing director Kim Wiio , the company was forced to make purchases with rising prices in the first half of 2008 , and now consumer prices are going down almost daily due to competition .", + "label": -1 + }, + { + "text": "Yara Suomi Ltd also provides nitrogen chemicals and technical nitrates to various sectors of industry , as well as products used in environmental protection .", + "label": 0 + }, + { + "text": "LONDON AFX - Fortum said it has agreed to sell its industrial maintenance service operations to funds managed by CapMan for an undisclosed sum .", + "label": 0 + }, + { + "text": "Cargotec Corporation , Press Release , August 26 , 2008 at 10 a.m. Finnish time Cargotec 's MacGREGOR business area providing marine cargo handling and offshore load handling solutions has received significant offshore crane retrofit order .", + "label": 1 + }, + { + "text": "According to Tiimari , consumers are advised to cut away the rabbits bow tie that contains the formadehyde and dispose of it .", + "label": 0 + }, + { + "text": "The insurer anticipates its share in Nordea 's net profit to be significant .", + "label": 1 + }, + { + "text": "Technopolis has set aside a plot of land measuring 4.6 hectares to build the park , Mikkonen said .", + "label": 0 + }, + { + "text": "Koduextra is operating a retail chain of 11 stores , controlled by Finnish Non-Food Center KY , Rukax OY , and Scan-Tukka OY .", + "label": 0 + }, + { + "text": "Finnair believes the strike will cause it daily net losses in excess of EUR 2mn due to canceled reservations and passenger re-routing .", + "label": -1 + }, + { + "text": "Furthermore , the company will sell the warehouse and office buildings in Loudeac and Saint Marcel and lease new joint premises for these operations in Morvillars .", + "label": 0 + }, + { + "text": "The maximum obligated total trades per day is ISK 400,000,000 market value .", + "label": 0 + }, + { + "text": "METALS-Zinc soars 10 pct, fuelling metals surge after Glencore cuts output", + "label": 1 + }, + { + "text": "Competition authorities will have to approve the deal before it can be finalized .", + "label": 0 + }, + { + "text": "LSE-Deutsche Börse dealmakers wrong to ignore Brexit risk", + "label": -1 + }, + { + "text": "Cash Flow from Operations for the most recent quarter also reached a eight year low .", + "label": -1 + }, + { + "text": "The new technology improves the glass quality and consistency while increasing throughput .", + "label": 1 + }, + { + "text": "BP chairman defends CEO Bob Dudley's pay increase", + "label": 0 + }, + { + "text": "The company is studying the feasibility of focusing most of its processed meat production in the Vantaa facilities and the processing of fresh meat in the Forssa facilities .", + "label": 0 + }, + { + "text": "Ruukki forecast a 15-20 % annual sales growth and a positive pretax result for 2010 .", + "label": 1 + }, + { + "text": "According to the company , its operating profit , excluding non-recurring items , in the fourth quarter of 2009 was significantly better than expected , and also better than the figures for the fourth quarter of 2008 .", + "label": 1 + }, + { + "text": "Gabon Considering Back Tax Penalties Against Royal Dutch Shell", + "label": -1 + }, + { + "text": "IHG agrees $938 sale of InterContinental Hong Kong", + "label": 1 + }, + { + "text": "FTSE rallies off three-month low, boosted by StanChart, Sainsbury", + "label": 1 + }, + { + "text": "BT finance director Tony Chanmugam to step down", + "label": 0 + }, + { + "text": "Tushar Morzaria is bookies' favourite to be new Barclays chief executive", + "label": 0 + }, + { + "text": "The company 's model is based on developer contracting construction projects and customer focused project management .", + "label": 0 + }, + { + "text": "The total delivery volume of paper businesses in 2010 was 1,155,000 tonnes , up from 1,132,000 tonnes in 2009 .", + "label": 1 + }, + { + "text": "RAPALA TOURNAMENT FISHING : With all the major titles already out for the holidays , bargain-priced games such as Rapala aim for a smaller audience .", + "label": 0 + }, + { + "text": "CompaniesSmith & Nephew flops 6.8% to foot of FTSE 100", + "label": -1 + }, + { + "text": "ARM swings to profit in fourth quarter", + "label": 1 + }, + { + "text": "Indigo and Somoncom serve 377,000 subscribers and had a market share of approximately 27 % as of May 2007 .", + "label": 0 + }, + { + "text": "Both operating profit and net sales for the six-month period increased , respectively from EUR18 .1 m and EUR127 .6 m , as compared to the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "( ADP News ) - Oct 29 , 2008 - Finnish lifting equipment maker Konecranes Oyj ( OMX : KCR1V ) said today that its net profit rose to EUR 116.6 million ( USD 149.1 m ) in the first nine months of 2008 from EUR 73.6 million for the s", + "label": 1 + }, + { + "text": "Glencore sees Tripoli-based NOC as sole legal seller of Libyan oil", + "label": 0 + }, + { + "text": "The Annual Report contains the financial statements , the consolidated financial statements , the report by the Board of Directors and the auditor 's report .", + "label": 0 + }, + { + "text": "Orion 's net profit for the third quarter of 2007 decreased to 36.5 mln euro ( $ 52.1 mln ) from 40.3 mln euro ( $ 57.5 mln ) a year earlier .", + "label": -1 + }, + { + "text": "UK's FTSE climbs to record closing high as Standard Chartered surges", + "label": 1 + }, + { + "text": "Based on negotiations with personnel , some 20 % have indicated their willingness to move to the new location .", + "label": 0 + }, + { + "text": "`` The new structure provides better communication , faster decision-making and cost savings , '' Proha said .", + "label": 1 + }, + { + "text": "The company , which makes garden tools , scissors and other consumer goods , said earnings were boosted by 6.9 mln eur of income it received from its 16.7 pct shareholding in Finnish engineering group Wartsila .", + "label": 1 + }, + { + "text": "On the following workday customers can check from their home computers how their purchases are divided between different ingredient groups , how much energy various products contain and what is the nutritional content of all purchases .", + "label": 0 + }, + { + "text": "SSE faces profiteering accusations despite 5.3% cut in gas charges", + "label": -1 + }, + { + "text": "The Annual Report will be sent automatically to shareholders holding at least 2,000 Sampo plc shares .", + "label": 0 + }, + { + "text": "From 2003 on , the emphasis of Kyro 's strategy has been on Glaston 's growth .", + "label": 0 + }, + { + "text": "` Our strategic cooperation with Rentakran brings us new customers and already-working relationships with the authorities of the new territories , ' said Jarmo Laasanen , a senior manager at Cramo .", + "label": 1 + }, + { + "text": "Customers wave cards in front of the reader to make payments , similar to `` touch and go '' cards used in transport systems .", + "label": 0 + }, + { + "text": "Industry Investment is very interested in Glaston 's solar energy projects .", + "label": 1 + }, + { + "text": "EQT has completed its exit from Salcomp , a Finnish company that makes mobile phone chargers , by selling its remaining stake to Swedish investment group Nordstjernan for about ( EURO ) 35 million ( $ 47 million ) .", + "label": 0 + }, + { + "text": "STORA ENSO , NORSKE SKOG , M-REAL , UPM-KYMMENE Credit Suisse First Boston ( CFSB ) raised the fair value for shares in four of the largest Nordic forestry groups .", + "label": 1 + }, + { + "text": "ITV Acquires 'Poldark' Production Company Mammoth Screen", + "label": 0 + }, + { + "text": "Shell challenges Exxon dominance with 47 billion-pound bid for BG", + "label": 0 + }, + { + "text": "Aldata Solution Oyj Stock Exchange Release 11 August 2006 , at 11.00 am ALDATA SHARES SUBSCRIBED FOR WITH 2003 STOCK OPTIONS A total of 95,000 new shares of Aldata Solution Oyj have been subscribed for with the company 's 2003A stock options .", + "label": 0 + }, + { + "text": "The loss for the third quarter of 2007 was EUR 0.3 mn smaller than the loss of the second quarter of 2007 .", + "label": 1 + }, + { + "text": "The value of the firm 's forestry holdings increased by SEK 3.6 bn .", + "label": 1 + }, + { + "text": "Major Order in India Comptel Corporation has received a significant long-term order for mediation and provisioning solutions being used by a leading operator in India .", + "label": 1 + }, + { + "text": "Shell share price: Standard Life announce position against BG acquisition", + "label": 0 + }, + { + "text": "Von Koskull will oversee a new unit of Nordea , which brings together corporate merchant banking , financial institutions and capital markets products divisions .", + "label": 0 + }, + { + "text": "Unilever head's resignation sparks spinoff talk", + "label": 0 + }, + { + "text": "U.S.-based T Corp. is in talks with Scandinavian telecoms company TeliaSonera to sell its stake in Uzbek cellular operator Coscom , an executive at Coscom told Interfax .", + "label": 0 + }, + { + "text": "The combined value of the orders is almost EUR 3mn .", + "label": 0 + }, + { + "text": "Argentine agricultural export company Calafate has tapped compatriot firm Finnegans for a software solution , the latter company said in a statement .", + "label": 0 + }, + { + "text": "BP Reports $583 Million Loss in First Quarter", + "label": -1 + }, + { + "text": "The name of the newspaper publishing and printing division Sanoma will be changed to Sanoma News .", + "label": 0 + }, + { + "text": "Tiimari operates 194 stores in six countries -- including its core Finnish market -- and generated a turnover of 76.5 mln eur in 2005 .", + "label": 0 + }, + { + "text": "Barclays, Credit Suisse strike record deals with SEC, NY over dark pools", + "label": -1 + }, + { + "text": "The company 's share is listed in the Mid Cap segment of the NASDAQ OMX Helsinki .", + "label": 0 + }, + { + "text": "The financial details of the transaction were not disclosed .", + "label": 0 + }, + { + "text": "AstraZeneca's MedImmune Inks Licensing Deal With Omnis Pharmaceuticals", + "label": 1 + }, + { + "text": "NYSE owner ICE may gatecrash Deutsche Boerse-LSE merger", + "label": -1 + }, + { + "text": "Eli Lilly & Co. (LLY) Has Broken Out To A New High On AstraZeneca Collaboration", + "label": 1 + }, + { + "text": "Featuring the S60 user interface , this 135-gram model also comes with a 2.4-inch quarter VGA display and 100 megabytes of internal memory , expandable through the Micro Secure Digital slot .", + "label": 0 + }, + { + "text": "Currency causes full-year headaches for SABMiller", + "label": -1 + }, + { + "text": "The announcement pushed Freenet shares down 6.3 % , or EUR0 .71 , in Frankfurt trade to EUR10 .65 as investors gave up hope United Internet AG and Drillisch would pursue their own takeover and breakup of Freenet .", + "label": -1 + }, + { + "text": "Irish Said Chasing Standard Chartered, RBS as Brexit Vote Nears", + "label": 0 + }, + { + "text": "Shire proposes $30 bln all-share tie-up with Baxalta", + "label": 1 + }, + { + "text": "UPDATE 1-UK to start selling remaining Royal Mail shares", + "label": -1 + }, + { + "text": "Sanofi poaches AstraZeneca scientist as new research head", + "label": 0 + }, + { + "text": "Shell's $70 Billion BG Deal Meets Shareholder Skepticism", + "label": -1 + }, + { + "text": "In providing managed services , Nokia takes responsibility for building , operating and transferring as well as optimising the Indosat 3G network .", + "label": 0 + }, + { + "text": "Profit after taxes was EUR 0.1 mn , compared to EUR -0.4 mn the previous year .", + "label": 1 + }, + { + "text": "In January-September 2007 , Finnlines ' net sales rose to EUR 505.4 mn from EUR 473.5 mn in the corresponding period in 2006 .", + "label": 1 + }, + { + "text": "HSBC Hit by Fresh Details of Tax Evasion Claims", + "label": -1 + }, + { + "text": "Sales rose to 300.9 mln eur compared with last year 's 276.1 mln eur and in line with 299 mln eur consensus figure .", + "label": 1 + }, + { + "text": "The financial impact is estimated to be some 1.5 MEUR annual improvement in the division 's result , starting from fiscal year 2007 .", + "label": 1 + }, + { + "text": "Shell seeks to remove Greenpeace activists from oil rig", + "label": 0 + }, + { + "text": "Smith & Nephew 2015 trading profit beats expectations", + "label": 1 + }, + { + "text": "Valeant Names Interim Leader as CEO Remains Hospitalized", + "label": 0 + }, + { + "text": "The machinery now ordered will be placed in a new mill with an annual production capacity of 40 000 m3 of overlaid birch plywood .", + "label": 0 + }, + { + "text": "GSK and Novartis complete deals to reshape both drugmakers", + "label": 1 + }, + { + "text": "Typical end-uses include roof structures , floorings , walls and ceilings , non-visible structures in vehicles , packaging and boxes , construction site structures , fencing and shelters , and formwork with a limited number of concrete pourings .", + "label": 0 + }, + { + "text": "CompaniesCar insurer Hastings Group driving £180m IPO", + "label": 1 + }, + { + "text": "AstraZeneca's MedImmune Inks Licensing Deal With Omnis Pharmaceuticals", + "label": 1 + }, + { + "text": "The Network Test Business is part of Elektrobit 's Test and Automation Business Segment and employs 39 people in Finland and 22 people abroad , mainly in the US and Asia .", + "label": 0 + }, + { + "text": "National Grid profit up 15%; gas sale on track", + "label": 1 + }, + { + "text": "UPDATE 5-Barclays Chairman McFarlane axes CEO to speed up strategic change", + "label": -1 + }, + { + "text": "Barclays said to be cutting 150 investment bank jobs", + "label": -1 + }, + { + "text": "Reporting in accordance with the merged business operations will start as of January 1 , 2011 .", + "label": 0 + }, + { + "text": "LONDON MORNING BRIEFING: HSBC And Standard Chartered Shares Rise", + "label": 1 + }, + { + "text": "The bank sees a potential for Getinge share to rise .", + "label": 1 + }, + { + "text": "Ragutis , which is based in Lithuania 's second-largest city Kaunas , boosted its sales last year 22.3 per cent to 36.4 million liters .", + "label": 1 + }, + { + "text": "AstraZeneca shares climb 3% as drug maker ups profits forecasts", + "label": 1 + }, + { + "text": "Diluted earnings per share ( EPS ) declined to EUR 0.78 from EUR 1.76 .", + "label": -1 + }, + { + "text": "It holds 38 percent of Outokumpu 's shares and voting rights , but in 2001 lawmakers gave it permission to reduce the stake to 10 percent .", + "label": 0 + }, + { + "text": "And Ogden reportedly will shell out $ 4.2 million .", + "label": 0 + }, + { + "text": "Companies Severn Trent expects costs hit from inflation", + "label": -1 + }, + { + "text": "Net profit fell by almost half to +é 5.5 million from +é 9.4 million at the end of 2007 .", + "label": -1 + }, + { + "text": "After the restructuring , UPM 's average paper machine capacity in Europe will be 320,000 tons ( 350,000 short tons ) in coated magazine paper and 420,000 tons ( 460,000 short tons ) in coated fine paper .", + "label": 0 + }, + { + "text": "The currency effect had a 3.0 pct , or 20 mln euro ( $ 31.3 mln ) , negative impact on the revenue .", + "label": -1 + }, + { + "text": "Operating profit in the fourth quarter fell to EUR33m from EUR39m a year earlier .", + "label": -1 + }, + { + "text": "Stockmann and Swedish sector company AB Lindex entered into an agreement on September 30 , 2007 , whereby Stockmann , or a wholly-owned subsidiary of it , will make a public tender offer for all of Lindex 's issued shares .", + "label": 1 + }, + { + "text": "The world of glass is coming to Egypt and we invite Visitors from all around the world to attend Glass World Exhibition 2009 , Register Now at www.glassworldex.com", + "label": 0 + }, + { + "text": "UPDATE: AstraZeneca's Selumetinib Gets Orphan Drug Label, Good AZD9291 ...", + "label": 1 + }, + { + "text": "The company also estimates the already carried out investments to lead to an increase in its net sales for 2010 from 2009 when they reached EUR 141.7 million .", + "label": 1 + }, + { + "text": "Finnlines has six ships under construction in China with deliveries scheduled between the first quarter of 2011 and the final quarter of 2012 .", + "label": 0 + }, + { + "text": "The stock rose for a third day on Tuesday bringing its three-day rise to GBX10 .50 or 1.8 % .", + "label": 1 + }, + { + "text": "The project also implies an underground parking lot for 56 vehicles .", + "label": 0 + }, + { + "text": "The copying , republication or redistribution of AFX News Content , including by framing or similar means , is expressly prohibited without the prior written consent of AFX News .", + "label": 0 + }, + { + "text": "In the fourth quarter of 2008 , net sales increased by 2 % to EUR 1,050.7 mn from EUR 1,027.0 mn in the fourth quarter of 2007 .", + "label": 1 + }, + { + "text": "UPDATE 5-Barclays Chairman McFarlane axes CEO to speed up strategic change", + "label": -1 + }, + { + "text": "Construction is scheduled to start in April-June 2007 and to be completed in early 2008 .", + "label": 0 + }, + { + "text": "Lloyds to cut 945 jobs as part of three-year restructuring strategy", + "label": -1 + }, + { + "text": "The acquisition price was not disclosed .", + "label": 0 + }, + { + "text": "Autotank Group is part of Aspo 's Systems Division .", + "label": 0 + }, + { + "text": "Seppala 's revenue increased by 0.2 % to EUR10 .1 m. In Finland , revenue went down by 2.4 % to EUR6 .8 m , while sales abroad rose by 6.2 % to EUR3 .3 m. Sales increased in all the Baltic countries as well as in Russia and Ukraine .", + "label": 1 + }, + { + "text": "Only this time , Nokia , India 's largest MNC , has sought out a topic that could spark off a million approaches ` Creativity in Emerging Markets .", + "label": 0 + }, + { + "text": "Via the Satlan acquisition , Teleste plans to further expand its market presence as a video services partner for cable operators , broadcasters and IPTV service providers .", + "label": 1 + }, + { + "text": "ALEXANDRIA , Va. , May 16 -- Kenneth Bower of Vista , Calif. , has developed an ornamental design for a handset , the U.S. Patent & Trademark Office announced .", + "label": 0 + }, + { + "text": "The OMX Helsinki index was 0.33 pct lower at 9,364.80 , while the OMX Helsinki CAP portfolio index was down 0.34 pct at 5,029.25 .", + "label": -1 + }, + { + "text": "18:30 Dinner The conference program can also be viewed as a live audio webcast through the internet pages at www.citycon.com .", + "label": 0 + }, + { + "text": "Barclays considers acquisition to help split off retail arm", + "label": 1 + }, + { + "text": "Via the move , the company aims annual savings of some EUR3m , the main part of which are expected to be realized this year .", + "label": 1 + }, + { + "text": "Jim Armitage: Spare no tears as Glencore's bosses are paying such a small price", + "label": -1 + }, + { + "text": "Net interest income was EUR 152.2 mn , up from EUR 101.0 mn in 2008 .", + "label": 1 + }, + { + "text": "The decision reflects the underutilisation of the line , which produces nonwovens used in medical and wipes applications as well as for the automotive industry .", + "label": 0 + }, + { + "text": "Falling oil prices hurt Hunting, Weir Group", + "label": -1 + }, + { + "text": "21 October 2010 - Finnish fishing tackle company Rapala VMC Corp ( HEL : RAP1V ) said today its net profit rose to EUR18 .9 m for the first nine months of 2010 from EUR15 .1 m for the same period a year earlier .", + "label": 1 + }, + { + "text": "Shares in BAE Systems hit 10-month high on rating upgrade", + "label": 1 + }, + { + "text": "26 January 2011 - Finnish metal products company Componenta Oyj ( HEL : CTH1V ) said yesterday its net loss narrowed to EUR500 ,000 in the last quarter of 2010 from EUR5 .3 m for the same period a year earlier .", + "label": 1 + }, + { + "text": "BP joins forces with Det Norske in Norway", + "label": 1 + }, + { + "text": "The Dutch broker noted that Nokian Tyres reported a good first quarter in 2006 , above or in line with consensus .", + "label": 1 + }, + { + "text": "BP Seeks to Get Back Some Gulf Oil Spill Business Payouts", + "label": 0 + }, + { + "text": "EXCLUSIVE-BP, China's CNPC to unveil oil alliance - sources", + "label": 1 + }, + { + "text": "The value of the multi-year agreement is over EUR 2mn a year .", + "label": 0 + }, + { + "text": "LSE gets Hong Kong regulatory nod to HK firms to become LSE members", + "label": 1 + }, + { + "text": "Suominen Corporation estimates that the cost-cutting program that started in autumn 2005 , higher sales prices , and expected growth in volume of Wet Wipes , will make the company 's operations more profitable .", + "label": 1 + }, + { + "text": "US walrus protections hit Shell's Arctic drilling plan", + "label": -1 + }, + { + "text": "Aldi and Lidl expansion plans speed ahead as Tesco, Sainsbury's, Morrisons ...", + "label": 1 + }, + { + "text": "Royal Bank of Scotland fortunes ebbed and flowed under 3 chiefs", + "label": 0 + }, + { + "text": "Operating profit for 2009 lower than outlook published earlier .", + "label": -1 + }, + { + "text": "For 2009 , net profit was EUR3m and the company paid a dividend of EUR1 .30 apiece .", + "label": 0 + }, + { + "text": "BP shares tumble after $2.2bn fourth-quarter loss", + "label": -1 + }, + { + "text": "Smith & Nephew recalls hip-replacement components", + "label": -1 + }, + { + "text": "Finnair 's passenger load factor , which measures the number of sold seats as a share of all available seats , dropped by 1.3 percentage points to 76.7 % in September .", + "label": -1 + }, + { + "text": "France T+®l+®com spent more time studying TeliaSonera than other potential takeover targets because it has a shareholder that wants to sell , Pellissier said .", + "label": 0 + }, + { + "text": "The new majority owners of Aspocomp Thailand Co. , Ltd are certain private persons belonging to immediate circle of Aspocomp 's present Joint Venture partner , Saha Pathana Inter-Holding Plc. .", + "label": 0 + }, + { + "text": "At some point , it will spread also to Iran and Iraq .", + "label": 0 + }, + { + "text": "The Remote Radio head module will be available at 4W power for 2.5 GHz and 3.5 GHz TDD frequency bands .", + "label": 0 + }, + { + "text": "Okmetic revised its 2010 financial outlook based on its order book .", + "label": 0 + }, + { + "text": "Neste Oil s refineries have a combined crude oil refining capacity of approximately 260,000 barrels a day .", + "label": 0 + }, + { + "text": "Barclays poised to replace Sir Mike Rake as he heads for exit", + "label": 0 + }, + { + "text": "The item included restructuring costs of EUR1 .6 m , while a year earlier they were EUR13 .1 m. Diluted EPS stood at EUR0 .3 versus a loss per share of EUR 0.1 .", + "label": 1 + }, + { + "text": "Finnish forest machinery manufacturer Ponsse 's net sales grew to EUR 51.3 mn in the first quarter of 2010 from EUR 37.5 mn in the corresponding period in 2009 .", + "label": 1 + }, + { + "text": "Currently it operates a fleet of eight carriers , as well as nine pushers and barges .", + "label": 0 + }, + { + "text": "The Lithuanian beer market made up 14.41 million liters in January , a rise of 0.8 percent from the year-earlier figure , the Lithuanian Brewers ' Association reporting citing the results from its members .", + "label": 1 + }, + { + "text": "The group had an order book of EUR 7.74 mn at the end of 2007 .", + "label": 0 + }, + { + "text": "Barclays raises 603 million pounds from African business share sale", + "label": 1 + }, + { + "text": "Industry NewsWhitbread sales sink in fourth quarter on Costa slowdown", + "label": -1 + }, + { + "text": "Earnings per share EPS amounted to EUR0 .03 , up from the loss of EUR0 .08 .", + "label": 1 + }, + { + "text": "Standard Chartered to slash costs as profits plunge 25%", + "label": -1 + }, + { + "text": "Consolidated net sales increased 16 % to reach EUR74 .8 m , while operating profit amounted to EUR0 .9 m compared to a loss of EUR0 .7 m in the prior year period .", + "label": 1 + }, + { + "text": "Intercontinental Exchange Opts Not to Bid for London Stock Exchange", + "label": -1 + }, + { + "text": "The borrower was happy to do the roadshow and this paid off as the hit ratio from it was high .", + "label": 1 + }, + { + "text": "Swedish , Finnish and Danish listed companies are organized in three market cap segments , Nordic Large Cap , Mid Cap and Small Cap .", + "label": 0 + }, + { + "text": "Standard Chartered share price: Aberdeen CEO would back potential capital increase", + "label": 0 + }, + { + "text": "Lloyds is cutting more than 600 jobs and shutting 21 branches", + "label": -1 + }, + { + "text": "Aspo 's net sales in 2006 totaled EUR 225.9 million .", + "label": 0 + }, + { + "text": "UK Serious Fraud Office Seeks Retrial of Two Former Barclays Libor Traders", + "label": -1 + }, + { + "text": "When this investment is in place , Atria plans to expand into the Moscow market .", + "label": 0 + }, + { + "text": "UPDATE: Peter Long To Be Chairman Of Both Royal Mail And TUI AG", + "label": 0 + }, + { + "text": "A total of 38,244 new Citycon shares with a nominal value of EUR 1.35 per share were subscribed on 19 April exercising the A-B-C options based on the company 's stock option plan 1999 .", + "label": 0 + }, + { + "text": "The power supplies , DC power systems and inverters designed and manufactured by Efore , and systems incorporating them are used in many different applications .", + "label": 0 + }, + { + "text": "After Barclays and Bank of America, Citigroup has blockchain in sight", + "label": 1 + }, + { + "text": "Clydesdale Bank H1 profits weighed down by PPI charge", + "label": -1 + }, + { + "text": "The stock rose for a second day on Wednesday bringing its two-day rise to GBX12 .0 or 2.0 % .", + "label": 1 + }, + { + "text": "`` Our customer has been satisfied with Basware Invoice Automation solution and extends the implementation to new geographies .", + "label": 1 + }, + { + "text": "Should You Buy Jumbo Yielders British American Tobacco plc, Centrica PLC & John Wood Group PLC?", + "label": 0 + }, + { + "text": "Barclays, Deutsche Bank Fight to Lift Profit Just Got Harder", + "label": -1 + }, + { + "text": "Cargotec Germany GmbH has been awarded a contract by Stadtverwaltung Mainz for chassis bodies under Open procedure .", + "label": 1 + }, + { + "text": "Former Aviva Investors analyst Mothahir Miah banned and fined £139000 by FCA ...", + "label": -1 + }, + { + "text": "However , its market share shrank to 47.59 per cent from 48 per cent a year earlier .", + "label": -1 + }, + { + "text": "BP's head of exploration Richard Herbert departs", + "label": 0 + }, + { + "text": "Reaching New Depths: Glencore's $5bn Loss", + "label": -1 + }, + { + "text": "Under the agreement , Larox will transfer 10 employees within engineering and documentation related to delivery projects and product maintenance in Finland to Etteplan as of January 1 , 2007 .", + "label": 0 + }, + { + "text": "Tampere Science Parks is a Finnish company that owns , leases and builds office properties and it specialises in facilities for technology-oriented businesses .", + "label": 0 + }, + { + "text": "Britain's FTSE buoyed by Admiral, building sector gains", + "label": 1 + }, + { + "text": "Kemira shares closed at ( x20ac ) 16.66 ( $ 22US .71 ) .", + "label": 0 + }, + { + "text": "The sustainability of Royal Dutch Shell's dividend", + "label": 0 + }, + { + "text": "UK government sells more Lloyds shares, cuts stake to below 12 percent", + "label": -1 + }, + { + "text": "Return on capital employed ROCE was a negative 2.3 % compared to 11.3 % in 2007 .", + "label": -1 + }, + { + "text": "Both Mr Walden and Mr Ignatius will be responsible also for the newspapers ' business result .", + "label": 0 + }, + { + "text": "Royal Mail Revenue Flat As Letters Weakness Offsets Parcels Strength", + "label": 0 + }, + { + "text": "REFILE-BP agrees UK gas pipeline stake sale to infrastructur", + "label": 1 + }, + { + "text": "CommentOpening Quote: pay day moans; profits slump for Lloyds; Mars mission", + "label": -1 + }, + { + "text": "WPP wins race for 'programmatic buying' agency Essence Digital", + "label": 1 + }, + { + "text": "Glencore to refinance its short-term debt early, shares rise", + "label": 1 + }, + { + "text": "The company website is www.ahlstrom.com .", + "label": 0 + }, + { + "text": "`` The change will optimize the operational efficiencies of our growing business , '' said Julia Prohaska , director of marketing communications for Fiskars .", + "label": 1 + }, + { + "text": "Royal Mail Revenue Flat As Letters Weakness Offsets Parcels Strength", + "label": 0 + }, + { + "text": "CompaniesPound to boost ABF for now, but mixed impact ahead", + "label": 1 + }, + { + "text": "Amazon to attack UK grocery market with Morrisons deal", + "label": 1 + }, + { + "text": "It also includes the installation of new equipment , training and start-up services , as well as service work of the shoe press delivered by Vaahto in 2001 .", + "label": 0 + }, + { + "text": "Barclays backs new iPhone and Android app that lets users send each other money using a bitcoin network", + "label": 0 + }, + { + "text": "AstraZeneca Teams With Daiichi Sankyo To Sell Movantik In US", + "label": 1 + }, + { + "text": "The market value of one crane is some USD6m , reported the Finnish news agency STT .", + "label": 0 + }, + { + "text": "The company continued the development of a fully human antibody in its VAP-1 antibody program .", + "label": 0 + }, + { + "text": "This truly takes efficiency to new heights , '' Mr. Metso adds .", + "label": 1 + }, + { + "text": "Nordea Pankki Suomi Oyj 's ownership in Stonesoft Corporation has decreased below 1-20 .", + "label": 0 + }, + { + "text": "According to ACNielsen 's ScanTrack study for the period week 10 of 2005 to week 9 of 2006 , Coca-Cola is the market leader in soft drinks in Finland .", + "label": 1 + }, + { + "text": "In the second quarter of 2009 , net sales through operator business partners represented 47 % of the Group 's total net sales .", + "label": 0 + }, + { + "text": "Old Mutual to split up, may list some businesses", + "label": 0 + }, + { + "text": "Barclays picks ex-JPMorgan exec Staley as new CEO, to start Dec 1", + "label": 0 + }, + { + "text": "The company 's board of directors will propose a dividend of EUR 0.95 per share for 2008 at the annual general meeting , scheduled to be held on March 23 , 2009 .", + "label": 0 + }, + { + "text": "A purchase agreement for 7,200 tons of gasoline with delivery at the Hamina terminal , Finland , was signed with Neste Oil OYj at the average Platts index for this September plus eight US dollars per month .", + "label": 1 + }, + { + "text": "IAG closes in on Aer Lingus with increased offer", + "label": 1 + }, + { + "text": "Glencore slumps 25 pct as debt fears grow", + "label": -1 + }, + { + "text": "Falling oil prices hurt Hunting, Weir Group", + "label": -1 + }, + { + "text": "Why I Would Put J Sainsbury plc In My Trolley Before Wm Morrison Supermarkets ...", + "label": -1 + }, + { + "text": "The company has some 410 employees and an annual turnover of EUR65 .4 m. Vaahto Group is listed on the Nordic Exchange in Helsinki .", + "label": 0 + }, + { + "text": "Associated British Foods Profit Hit by Strong Sterling, Tough Sugar Business", + "label": -1 + }, + { + "text": "AstraZeneca heart drug boosted by major clinical trial success", + "label": 1 + }, + { + "text": "Finland-based Elcoteq SE , a privately held provider of electronics manufacturing services to communications companies , said Thursday it signed a long-term manufacturing supply deal with communications equipment company Andrew Corp. .", + "label": 1 + }, + { + "text": "A survey conducted by Taloustutkimus for Sampo Life shows that companies are badly prepared to losing key staff members .", + "label": -1 + }, + { + "text": "The estimated annual value of the frame agreement is about EUR 50mn .", + "label": 0 + }, + { + "text": "Insurers: Admiral blows hot and cold but Aviva soars pre-Friends Life merger", + "label": 1 + }, + { + "text": "Talvivaara is listed on the London Stock Exchange Main Market and NASDAQ OMX Helsinki and is included in the FTSE 250 Index .", + "label": 0 + }, + { + "text": "These financing arrangements will enable the company to ensure , in line with its treasury policy , that it has sufficient financial instruments at its disposal for its potential capital requirements .", + "label": 1 + }, + { + "text": "Nine banks including Barclays, Citi, agree to pay $2 billion to settle forex ...", + "label": -1 + }, + { + "text": "The EUR 0.7 million non-recurring expenses have been recorded for the third quarter .", + "label": 0 + }, + { + "text": "Latvia 's Stockmann shopping mall is a subsidiary of Finland 's Stockmann Plc. .", + "label": 0 + }, + { + "text": "As a condition to the deal , Savcor Alfa has to have bought Photonium and Akseli Lahtinen Inc. 's business operations prior to the deal .", + "label": 0 + }, + { + "text": "Swedish engineering consultant firm Etteplan is to establish a unit in town Borl+ñnge , by the turn of the month March-April 2008 .", + "label": 0 + }, + { + "text": "The total donation amount is EUR 1,115,000 .", + "label": 0 + }, + { + "text": "BP signs $12 billion energy deal in Egypt", + "label": 1 + }, + { + "text": "The company may at any time have in its possession one tenth of all its shares at the maximum .", + "label": 0 + }, + { + "text": "Basware finances the acquisition with a bank loan .", + "label": 0 + }, + { + "text": "Alma Media expects its net sales to increase as forecast previously .", + "label": 1 + }, + { + "text": "According to Deputy MD Pekka Silvennoinen the aim is double turnover over the next three years .", + "label": 1 + }, + { + "text": "ITV strike: Broadcaster's revenue soars but staff walkout for a piece of the action", + "label": 1 + }, + { + "text": "Barclays considers acquisition to help split off retail arm", + "label": 1 + }, + { + "text": "PRESS: Serco Set To Appoint Roy Gardner, Ex-Centrica, As Chairman - FT", + "label": 0 + }, + { + "text": "The total amount of subscription prices was recorded in the fund for invested non-restricted equity .", + "label": 0 + }, + { + "text": "BP agrees to $18.7B penalty for oil spill; the tricky science behind ...", + "label": -1 + }, + { + "text": "Tata Steel working with StanChart for UK unit sale - source", + "label": 1 + }, + { + "text": "COPYRIGHT AFX News and AFX Financial News Logo are registered trademarks of AFX News Limited", + "label": 0 + }, + { + "text": "Telecom has a foreign investment limit of 74 % , but it appears that mobile VAS does not , which means that Tecnomen can pick up as much as 96.6 % .", + "label": 0 + }, + { + "text": "RBS will reportedly appoint Howard Davies as its next chairman", + "label": 0 + }, + { + "text": "The acquisition was financed with $ 2.56 billion of debt arranged by Goldman , Sachs & Co. .", + "label": 0 + }, + { + "text": "EBIT excluding non-recurring items , totalled EUR 67.8 mn , up from EUR 38.1 mn .", + "label": 1 + }, + { + "text": "EUR928 ,000 in Q1 2010 6 May 2010 - Finnish textile and clothing design company Marimekko Oyj ( HEL : MMO1V ) said today its net profit rose to EUR928 ,000 in the first quarter of 2010 from EUR13 ,000 in the corresponding period a year earlier .", + "label": 1 + }, + { + "text": "Following the registration , the number of issued and outstanding shares of Basware is 12,890,829 .", + "label": 0 + }, + { + "text": "ITV to pursue takeover of Canada's Entertainment One: Bloomberg", + "label": 1 + }, + { + "text": "Diageo and Carlsberg hit as Russians suffer from oil price collapse and rouble ...", + "label": -1 + }, + { + "text": "The expanded plant is scheduled to be operational by the middle of October 2009 .", + "label": 0 + }, + { + "text": "In the second quarter of 2010 , the company 's net profit was EUR1 .7 m compared to a net loss of EUR1 .3 m in April-June 2009 .", + "label": 1 + }, + { + "text": "CompaniesLSE adds ex-SEC head Schapiro to board", + "label": 0 + }, + { + "text": "It posted a turnover of 4.5 mln euro $ 6.1 mln and an operating profit of 1.5 mln euro $ 2.0 mln for 2006 .", + "label": 0 + }, + { + "text": "In addition , the existing service counter area in the reception hall will be rebuilt and access provided to local rail connections .", + "label": 0 + }, + { + "text": "Finnish Okmetic that manufactures and processes silicon wafers for the semiconductor and sensor industries and Norwegian solar wafer company NorSun have signed a contract under which Okmetic will supply NorSun mono silicon crystals for use in solar cell manufacturing .", + "label": 1 + }, + { + "text": "The company said that its comparable operating profit for the January-June period fell short of last year 's corresponding performance .", + "label": -1 + }, + { + "text": "EQ Bank forecasts Olvi 's net sales at EUR 67mn in the second quarter of 2009 , and operating profit at EUR 6.4 mn .", + "label": 0 + }, + { + "text": "UPDATE 3-Ex-Barclays director accused by US of illegal tips to plumber", + "label": -1 + }, + { + "text": "Also Lemmink+ñinen 's profit for accounting period went up to EUR 3.1 mn from EUR -24.5 mn a year ago .", + "label": 1 + }, + { + "text": "Its market share is 6 percent according to AC Nielsen 's 2008 data .", + "label": 0 + }, + { + "text": "London open: Taylor Wimpey and Ashtead drive markets higher, Barclays falls", + "label": -1 + }, + { + "text": "It is expected to be completed by the end of 2007 .", + "label": 0 + }, + { + "text": "Finnish shipping company Finnlines ' pretax loss totalled EUR 6.5 mn in the third quarter of 2009 , compared to a profit of EUR 0.3 mn in the third quarter of 2008 .", + "label": -1 + }, + { + "text": "EasyJet \"Sneakairs\": Airline is testing smart shoes to help customers explore destinations", + "label": 0 + }, + { + "text": "The technology will become available to businesses from the fourth quarter , Nokia said .", + "label": 0 + }, + { + "text": "Saudi Aramco, Shell plan to break up Motiva, divide up assets", + "label": 0 + }, + { + "text": "The Department Store Division 's sales fell by 8.6 % to EUR 140.2 mn .", + "label": -1 + }, + { + "text": "The plant is expected to start production in the first half of 2007 .", + "label": 0 + }, + { + "text": "15 December 2010 - Finnish-German telecoms equipment maker Nokia Siemens Networks said today it won a contract to upgrade the radio network of home-based telecommunications company Elisa Oyj HEL : ELI1V .", + "label": 1 + }, + { + "text": "The report profiles 614 companies including many key and niche players worldwide such as Black & Decker Corporation , Fiskars Corporation , Fiskars Brands , Inc. , Husqvarna Outdoor Products Inc. , K+S Group , Ryobi Technologies , Inc. , The Scotts Miracle-Gro Company , and Van Group , Inc. .", + "label": 0 + }, + { + "text": "The deal means that ten persons in three countries will transfer to Tieto .", + "label": 0 + }, + { + "text": "Symphony Services provides development services for Aldata GOLD .", + "label": 0 + }, + { + "text": "Sales of security and system packaging increased slightly .", + "label": 1 + }, + { + "text": "WPP Q1 Revenue Rises Over 8% - Quick Facts", + "label": 1 + }, + { + "text": "Verizon and AT&T accused of hurting rivals", + "label": -1 + }, + { + "text": "According to Gran , the company has no plans to move all production to Russia , although that is where the company is growing .", + "label": 0 + }, + { + "text": "Acando AB ( ACANB SS ) fell 8.9 percent to 13.35 kronor , the lowest close since Dec. 11 .", + "label": -1 + }, + { + "text": "London open: Taylor Wimpey and Ashtead drive markets higher, Barclays falls", + "label": 1 + }, + { + "text": "Associated British Foods Profit Hit by Strong Sterling, Tough Sugar Business", + "label": -1 + }, + { + "text": "Amanda said that it had already made a USD5 .0 m investment commitment in Russia Partners II fund in July 2005 .", + "label": 0 + }, + { + "text": "With this acquisition the wireless modem unit and its approximately 1,100 employees were transferred to Renesas Electronics Corporation .", + "label": 0 + }, + { + "text": "Industry NewsWolseley confident in reslilience amid mixed markets", + "label": 1 + }, + { + "text": "Swiss franc surged to record 1.42 euros after it reported sharpest gain in manufacturing in March .", + "label": 1 + }, + { + "text": "News Corp. 's MySpace.com Web site will display submissions for the expanded Broadband Emmy Awards as part of an effort to identify aspiring video artists .", + "label": 0 + }, + { + "text": "What It Takes for Royal Dutch Shell to Break Even", + "label": 0 + }, + { + "text": "The dismissed staff members will now take the matter to court unless it can be settled outside .", + "label": -1 + }, + { + "text": "TRLPC - CRH backs Lafarge Holcim asset buy with 6.5 bln euro bridge loan", + "label": 1 + }, + { + "text": "BT finance director Tony Chanmugam to step down", + "label": 0 + }, + { + "text": "Finnish Neste Oil that was previously on the list , has fallen off the list completely .", + "label": 0 + }, + { + "text": "AB InBev to Sell SABMiller Stake in China's Snow Beer", + "label": 0 + }, + { + "text": "Electronic versions require 24-48 hours as each copy is customized to the client with digital controls and custom watermarks .", + "label": 0 + }, + { + "text": "The profit after taxes was EUR 57.7 11.1 million .", + "label": 0 + }, + { + "text": "Philippines' San Miguel says to partner with Kirin if it bids for SABMiller's ...", + "label": 1 + }, + { + "text": "Lloyds wins right to buy bonds back early to save 1 billion pounds", + "label": 1 + }, + { + "text": "Tesco's boardroom clearout continues", + "label": 0 + }, + { + "text": "RBS breaks with past by tearing investment bank apart", + "label": 0 + }, + { + "text": "CompaniesAberdeen Asset Mgt reports 10th consecutive quarterly outflows", + "label": -1 + }, + { + "text": "Finnish media group Talentum has issued a profit warning .", + "label": -1 + }, + { + "text": "Britain's FTSE hits three-week low as financials, Tesco fall", + "label": -1 + }, + { + "text": "Finnish technology company Raute Corporation ( OMX Helsinki : RUTAV ) issued on Tuesday ( 23 September ) a profit warning for the financial year 2008 .", + "label": -1 + }, + { + "text": "The launch of the plant in June went well , and it has been producing the advanced fuel for a couple of weeks .", + "label": 1 + }, + { + "text": "Ahlstrom 's 5,700 employees serve customers via sales offices and production facilities in more than 20 countries on six continents .", + "label": 0 + }, + { + "text": "On Dec. 1 , Grimaldi acquired 1.5 million shares and a 50.1-percent stake in Finnlines .", + "label": 0 + }, + { + "text": "( ADPnews ) - Oct 21 , 2009 - Finland-based IT consultancy Tieto Oyj ( HEL : TIE1V ) said today its net profit plunged to EUR 29.4 million ( USD 43.9 m ) for the first nine months of 2009 from EUR 58.7 million for the same period o", + "label": -1 + }, + { + "text": "There did not seem to be enough hours in a day for Pekkarinen .", + "label": 0 + }, + { + "text": "France raises concerns over proposed LSE-Deutsche Boerse deal", + "label": -1 + }, + { + "text": "The order includes a log handling line , peeling line and drying line for the production of parquet base layer veneer for Plyfa 's Hassela mill , central Sweden .", + "label": 0 + }, + { + "text": "Buffett's Company Reports 37 Percent Drop in 2Q Earnings", + "label": -1 + }, + { + "text": "Should you buy Associated British Foods plc, Great Portland Estates plc and Dunelm Group plc following today's news?", + "label": 0 + }, + { + "text": "The Coca-Cola Company and Coca-Cola FEMSA to Acquire AdeS Soy-Based Beverage Business From Unilever", + "label": 1 + }, + { + "text": "TRLPC - CRH backs Lafarge Holcim asset buy with 6.5 bln euro bridge loan", + "label": 1 + }, + { + "text": "In the fourth quarter of 2006 , OKO Banks expects the operating environment for Banking and Investment Services to remain similar to that in January-September 2006 .", + "label": 0 + }, + { + "text": "Tecnomen , headquartered in Espoo , Finland , develops messaging and charging solutions for telecomms operators and service providers worldwide .", + "label": 0 + }, + { + "text": "Outotec , headquartered in Espoo , Finland , is a leading provider of process solutions , technologies and services for the mining and metallurgical industries .", + "label": 0 + }, + { + "text": "The value of the contract is about EUR 27mn .", + "label": 0 + }, + { + "text": "CompaniesLSE adds ex-SEC head Schapiro to board", + "label": 0 + }, + { + "text": "Mr Jortikka is president of the base metal division of Outotec Oyj in Finland and is on the executive committee of Outotec .", + "label": 0 + }, + { + "text": "A merger between UPM and Finnish-Swedish Stora Enso is not likely either .", + "label": 0 + }, + { + "text": "Sales boost for new Morrisons chief David Potts as Tesco turnaround stalls", + "label": -1 + }, + { + "text": "( ADPnews ) - May 4 , 2010 - Finnish cutlery and hand tools maker Fiskars Oyj Abp ( HEL : FISAS ) said today its net profit declined to EUR 12.9 million ( USD 17m ) in the first quarter of 2010 from EUR 17 million in the correspond", + "label": -1 + }, + { + "text": "Net sales surged by 30 % to EUR 36 million .", + "label": 1 + }, + { + "text": "The fixed-term contract of Mr. Jarmo Ukonaho , the current General Manager of Incap 's Indian operations , will finish by the end of the year .", + "label": 0 + }, + { + "text": "Both sources said Nokia would unveil its new phone code-named `` Tube '' on Oct. 2 at an analyst and media event in London .", + "label": 0 + }, + { + "text": "credit 20 November 2009 - Finnish glass technology company Glaston Oyj Abp ( HEL : GLA1V ) said today it concluded a EUR74m revolving credit facility agreement with its core banks .", + "label": 1 + }, + { + "text": "Diageo and Carlsberg hit as Russians suffer from oil price collapse and rouble ...", + "label": -1 + }, + { + "text": "Pearson in Talks to Sell Its Stake in the Economist Group", + "label": 1 + }, + { + "text": "Royal Mail and workers' union agree pay deal", + "label": 1 + }, + { + "text": "shock phase ' , consumers have once again started to plan and implement building projects .", + "label": 0 + }, + { + "text": "The company 's annual loss amounted to EEK 18mn , compared to a profit of EEK 7.3 mn in 2008 .", + "label": -1 + }, + { + "text": "Storengy is the GDF SUEZ company that is dedicated to the underground storage of natural gas .", + "label": 0 + }, + { + "text": "As a result , it has started negotiations with the banks on provisional amendments concerning the covenants and other credit terms .", + "label": 0 + }, + { + "text": "UPDATE 1-Cypress Semiconductor offers to buy Integrated Silicon Solution", + "label": 1 + }, + { + "text": "Some of the most recent technology deliveries include refinery technology to Anrak Aluminium , an iron ore pelletizing plant to Tata Steel and iron ore sintering plants to Bhushan Steel .", + "label": 0 + }, + { + "text": "This includes a EUR 39.5 mn change in the fair value of investment properties .", + "label": 0 + }, + { + "text": "Philips was not available to comment on the report .", + "label": 0 + }, + { + "text": "No changes in media activity were seen in October compared with September .", + "label": 0 + }, + { + "text": "Standard Chartered, RBS Escape Capital Raising in Stress Test", + "label": 1 + }, + { + "text": "Finnlines estimated in its annual general meeting that 2008 will be financially a tough year due to large investments .", + "label": -1 + }, + { + "text": "The cranes would be installed onboard two freighters ordered by Singaporean ship owner Masterbulk .", + "label": 0 + }, + { + "text": "Following the acquisitions , Panostaja will establish a new business unit which will focus on heat treatment of metals .", + "label": 0 + }, + { + "text": "The company did not disclose the price of the acquisition .", + "label": 0 + }, + { + "text": "Shell Targets Gains From Brazil to LNG With Takeover of BG Group", + "label": 0 + }, + { + "text": "YIT lodged counter claims against Neste Oil totaling some EUR25m , primarily based on work carried out under the contract and additional costs incurred due to prolongation of the project .", + "label": -1 + }, + { + "text": "Both operating profit and turnover for the three-month period increased , respectively from EUR0 .9 m and EUR8 .3 m , as compared to the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "EBITDA for the year 2009 improved to EUR484m , as compared with EUR472m in 2008 .", + "label": 1 + }, + { + "text": "The tightened competition situation in the production automation market has affected net sales during 2006 , Cencorp said .", + "label": -1 + }, + { + "text": "Gabon Considering Back Tax Penalties Against Royal Dutch Shell", + "label": -1 + }, + { + "text": "The order includes a steel frame , load-bearing roof structures and partition wall elements , and Rautaruukki said it expects to complete installation as early as May next year .", + "label": 0 + }, + { + "text": "Finnish Konecranes is again trying to acquire Italian Fantuzzi , a manufacturer of gantry cranes and reach stackers .", + "label": 0 + }, + { + "text": "Warren Buffett's Berkshire adds to favorites IBM, Wells Fargo", + "label": 1 + }, + { + "text": "The major part of the deliveries include different AC and CXE amplifier solutions and products by DINH Telecom , a company acquired by Teleste last spring .", + "label": 0 + }, + { + "text": "PRESS: Serco Set To Appoint Roy Gardner, Ex-Centrica, As Chairman - FT", + "label": 0 + }, + { + "text": "Royal Dutch Shell plc: Shell Updates on Alaska Exploration", + "label": 0 + }, + { + "text": "Net sales will , however , increase from 2005 .", + "label": 1 + }, + { + "text": "The Extraordinary General Meeting is expected to take place no later than 18 February 2011 .", + "label": 0 + }, + { + "text": "The venture , which will be 51 % owned by Kemira and 49 % by IVRCL , will operate an inorganic coagulant manufacturing facility , to be built in Vishakapatnam Vizag in the state of Andhra Pradesh and to kick off operations in the second half of 2011 .", + "label": 0 + }, + { + "text": "Glencore blames rivals for creating metals glut", + "label": -1 + }, + { + "text": "UPDATE 5-Buffett pays high price for Precision Castparts", + "label": 1 + }, + { + "text": "Standard Chartered faces fresh claims of Iran sanctions violations", + "label": -1 + }, + { + "text": "Ruukki 's delivery includes steel structures , including installation , for Krakeroy bascule bridge and steel piles for the bridge foundations .", + "label": 0 + }, + { + "text": "EasyJet Dismisses Lufthansa Low-Cost Plan in Contest for Germany", + "label": -1 + }, + { + "text": "The final outcome of the rights offering is to be reported around 23 October 2009 .", + "label": 0 + }, + { + "text": "`` Consumers have very well received our packed fresh meat .", + "label": 1 + }, + { + "text": "Pretax profit totaled EUR 9.0 mn , down from EUR 36.3 mn in 2007 .", + "label": -1 + }, + { + "text": "Stora Chief Executive Jouko Karvinen has described the Russian tariff hikes as a threat to the future of the forest products industry in Finland .", + "label": -1 + }, + { + "text": "The Line 4 will run fully underground and will comprise 10 stations which will be executed in two implementation stages .", + "label": 0 + }, + { + "text": "TRLPC - CRH backs Lafarge Holcim asset buy with 6.5 bln euro bridge loan", + "label": 1 + }, + { + "text": "U.K. Stocks Resume Gains to Rally to Record; CRH, Tullow Climb", + "label": 1 + }, + { + "text": "Rautalinko was resposnible also for Mobility Services , and his job in this division will be continued by Marek Hintze .", + "label": 0 + }, + { + "text": "Sponda Plc 's Annual General Meeting decided on 23 March 2005 to establish a Shareholders ' Nomination Committee to prepare proposals for the Annual General Meeting in 2006 on the composition of the Board of Directors and their remuneration .", + "label": 0 + }, + { + "text": "`` Lining stone sales were also good in the early autumn , and order books are strong to the end of the year .", + "label": 1 + }, + { + "text": "London Stock Exchange unit in talks to operate Plato venue", + "label": 0 + }, + { + "text": "AstraZeneca's $727 million play to do away with chemotherapy", + "label": 1 + }, + { + "text": "No changes regarding the Virala Oy Ab s ownership of shares of Tiimari has taken place .", + "label": 0 + }, + { + "text": "Tesco rebounds as buyers sense a bargain", + "label": 1 + }, + { + "text": "The most significant capital expenditure items were in the global enterprise resource planning ERP project , product development and production machines .", + "label": 0 + }, + { + "text": "In addition to the presentations held by President & CEO Kai Telanne and CFO Tuomas Itkonen , participants will have an opportunity to discuss with other members of the company 's management .", + "label": 0 + }, + { + "text": "In Sweden , Gallerix accumulated SEK denominated sales were down 1 % and EUR denominated sales were up 11 % .", + "label": 0 + }, + { + "text": "Mr. Mikko Saavalainen , head of Comptel 's Global Sales concludes : `` Gibtelecom provides a perfect illustration of the variety of business , technical and regulatory challenges operators are facing in their OSS today .", + "label": 0 + }, + { + "text": "Operating profit fell to EUR 15.1 mn from EUR 24.6 mn in 2006 .", + "label": -1 + }, + { + "text": "The company 's order book stood at 1.5 bln euro $ 2.2 bln on September 30 , 2007 , up by 24.2 pct on the year , with international orders amounting to 365 mln euro $ 534.3 mln .", + "label": 1 + }, + { + "text": "Aldi and Lidl expansion plans speed ahead as Tesco, Sainsbury's, Morrisons ...", + "label": 1 + }, + { + "text": "Former Aviva Investors analyst Mothahir Miah banned and fined £139000 by FCA ...", + "label": -1 + }, + { + "text": "Kesko Agro Lietuva , the agricultural machinery and grain trader and another member of the Kesko Group , boosted its sales by 42.9 percent to 13.4 million euros , VAT inclusive .", + "label": 1 + }, + { + "text": "The company is in charge of all natural gas storage activities in France , Great Britain , and Germany .", + "label": 0 + }, + { + "text": "The costs of the new ropax vessels are 30 % lower than those of the present ones .", + "label": 1 + }, + { + "text": "Exxon Beaumont CDU overhaul to be slowed by accident: sources", + "label": -1 + }, + { + "text": "In 2009 , Lee & Man had a combined annual production capacity of close to 4.5 million tonnes of paper and 300,000 tonnes of pulp .", + "label": 0 + }, + { + "text": "Rio Approves $5.3 Billion Oyu Tolgoi Copper Mine Expansion", + "label": 1 + }, + { + "text": "Decisions are to be made as quickly as possible .", + "label": 0 + }, + { + "text": "Miners Meltdown as BHP to Rio Tinto Sink in Commodities Rout", + "label": -1 + }, + { + "text": "Spain's CaixaBank Expects To Close Deal For Banco BPI", + "label": 1 + }, + { + "text": "AB InBev attacks SABMiller bid rebuffal", + "label": 0 + }, + { + "text": "OUTOTEC OYJ PRESS RELEASE , FEBRUARY 19 , 2008 AT 11.00 AM Outotec has won two large minerals processing technology orders from Mirabela Mineracao do Brasil Ltda , Brazil and from Cumerio Med JSCo , Bulgaria .", + "label": 1 + }, + { + "text": "Mr. Doring has been with Eaton since 1989 and acted as the Business Unit Manager for Eaton 's Power Controls Business Unit since January 2007 .", + "label": 0 + }, + { + "text": "RPT-UPDATE 2-Former Jefferies trader Litvak's conviction overturned", + "label": 0 + }, + { + "text": "Sophos aims to raise $100m in London IPO", + "label": 1 + }, + { + "text": "The solution will now be expanded to include all ground staff tasks .", + "label": 0 + }, + { + "text": "British government stake in Lloyds Banking Group fa", + "label": 0 + }, + { + "text": "SABMiller buys Meantime to quench thirst for craft beer", + "label": 1 + }, + { + "text": "The difference can be explained by the fact that two shipping companies have stopped operating in the Gulf of Finland .", + "label": 0 + }, + { + "text": "Lember said the matter was topical also in Estonia , where a bill has been drafted at the Social Affairs Ministry that would scrap old-age pensions on favorable conditions .", + "label": 0 + }, + { + "text": "Operating loss totaled EUR 25mn compared to a profit of EUR 63mn in the corresponding period in 2005 .", + "label": -1 + }, + { + "text": "Barclays settles with US investors over Libor manipulation", + "label": 1 + }, + { + "text": "Royal Mail, Johnson Matthey lead FTSE lower", + "label": -1 + }, + { + "text": "Bilfinger Industrial Services win £100m BP contract extension", + "label": 0 + }, + { + "text": "Supported Nokia phones include : N96 , N95-8GB , N95 , N93-N931 , N92 , N85 , N82 , N81 , N80 , N79 , N78 , N77 , N76 , N75 , N73 , N72 , N71 , E90 , E71 , E70 , E66 , E65 , E62 , E61-E61i , E60 , E51 , E50 , Touch Xpress 5800 , 6220 Classic , 6210 Navigator , 6120 Classic , 6110 Navigator , 5700 , 5500 , 5320XM .", + "label": 0 + }, + { + "text": "Eli Lilly & Co. (LLY) Has Broken Out To A New High On AstraZeneca Collaboration", + "label": 1 + }, + { + "text": "The potential acquirer is Cencorp Corporation which is a related entity to SAV owing to each of SAV and Cencorp being a subsidiary of the Finnish Savcor Group Oy .", + "label": 0 + }, + { + "text": "SABMiller buys Meantime to quench thirst for craft beer", + "label": 1 + }, + { + "text": "When the OMX market forwards mature on May 16 , 2008 , Novator Finland Oy 's direct shareholding in Amer Sports Corporation will exceed one-fifth 1-5 of the company 's shares and voting rights .", + "label": 0 + }, + { + "text": "CompaniesRBS pulls a surprise: a 27% jump in profits", + "label": 1 + }, + { + "text": "A paper mill in the central Maine town of Madison soon will have a new owner .", + "label": 0 + }, + { + "text": "The production is to be liquidated before June 2009 and 325 employees loose their jobs .", + "label": -1 + }, + { + "text": "Investors Remain Skeptical About Shell-BG Deal", + "label": -1 + }, + { + "text": "The Committee proposes the following remuneration : a monthly remuneration of EUR 5,000 for the Chairman , EUR 3,500 for the Deputy Chairman , and EUR 2,500 for the other Board members .", + "label": 0 + }, + { + "text": "Aviva, M&G suspend property funds as investors panic", + "label": -1 + }, + { + "text": "Lloyds Will Cut 640 Jobs, Close 23 Branches as Part of 2014 Plan", + "label": 1 + }, + { + "text": "According to Olvi 's Managing Director Lasse Aho , the company has an ongoing MMX Plus project that aims to find growth outside Finland .", + "label": 1 + }, + { + "text": "Barclays PLC & Lloyds Banking Group PLC Are The 2 Banks I'd Buy Today", + "label": 1 + }, + { + "text": "EuroChem Head of Corporate Finance Alexander Gavrilov said : `` I am pleased that we have once again confirmed that EuroChem is able to attract long-term funds at attractive rates .", + "label": 1 + }, + { + "text": "The Vuokatti unit will be developed to focus especially on the manufacture of prototypes , the ramp-up of new products and the demanding testing and after-sales services .", + "label": 0 + }, + { + "text": "Arm profits and sales up as shift away from mobile gains pace", + "label": 1 + }, + { + "text": "When dialing in , the participants should quote 877417 as conference ID .", + "label": 0 + }, + { + "text": "Tesco share price dips as Blinkbox Books closes ending supermarket's digital ...", + "label": -1 + }, + { + "text": "Stockmann was established in 1862 in Finland and it became the first foreign company to enter Russia 's retail trade market in 1989 .", + "label": 0 + }, + { + "text": "Stars aligned' for AB InBev's megabrew merger plan", + "label": 1 + }, + { + "text": "Honkarakenne also decided yesterday to sell 88,500 of its B-series shares to key staff members for EUR 2.90 per share .", + "label": 0 + }, + { + "text": "Finnish metal products company Componenta Oyj ( HEL : CTH1V ) said today its net loss narrowed to EUR 500,000 ( USD 680,000 ) in the last quarter of 2010 from EUR 5.3 million for the same period a year earlier .", + "label": 1 + }, + { + "text": "ARM Holdings plc Partners With International Business Machines Corp. To Drive ...", + "label": 1 + }, + { + "text": "The investment will be worth approximately EUR 100mn .", + "label": 0 + }, + { + "text": "LONDON MORNING BRIEFING: HSBC And Standard Chartered Shares Rise", + "label": 1 + }, + { + "text": "Target company : Tieto Corporation , Business Identity Code : 0101138-5 Date of change in holding : 22 January 2010 Portion of the shares and votes : The current group holding of OP-Pohjola Group Central Cooperative ( OPK ) is 2982 587 shares , which represents 4.14 % of the shares and voting rights .", + "label": 0 + }, + { + "text": "Tesco Mobile is offering you cash back in exchange for looking at ads", + "label": 0 + }, + { + "text": "Operating profit for the nine-month period increased from EUR3 .1 m and net sales increased from EUR61 .5 m , as compared to the corresponding period in 2007 .", + "label": 1 + }, + { + "text": "It includes options for additional 30 communal building sites as well as construction supervision works for all construction sites .", + "label": 0 + }, + { + "text": "UPDATE 1-Pearson expects to grow this year after solid end to 2014", + "label": 1 + }, + { + "text": "GKN to buy Fokker Technologies for 706 mln euros", + "label": 1 + }, + { + "text": "ArcelorMittal Chief Executive Officer Lakshmi Mittal has already cut output at some furnaces .", + "label": -1 + }, + { + "text": "The plant is expected to enter commercial operation by mid-2009 .", + "label": 0 + }, + { + "text": "The contract incorporates a Convergent Charging rating solution for voice and data , which includes Internet , GPRS , SMS , MMS and WAP .", + "label": 0 + }, + { + "text": "Profit for the period totalled EUR 0.8 mn , down from EUR 1.1 mn in the corresponding period in 2008 .", + "label": -1 + }, + { + "text": "BAWAG - Is to issue a benchmark , covered deal .", + "label": 0 + }, + { + "text": "Berling Capital , Umo Capital and Veikko Laine are the biggest shareholders in Amanda Capital .", + "label": 0 + }, + { + "text": "Persimmon sells 17% more houses in 2014", + "label": 1 + }, + { + "text": "Finnish shipping company Finnlines , of the Grimaldi Group , reports its net sales decreased to EUR 241.8 mn in January-June 2009 from EUR 384.0 mn in the corresponding period in 2008 .", + "label": -1 + }, + { + "text": "Finnish Talentum reports its operating profit increased to EUR 20.5 mn in 2005 from EUR 9.3 mn in 2004 , and net sales totaled EUR 103.3 mn , up from EUR 96.4 mn .", + "label": 1 + }, + { + "text": "The actions are expected to deliver annual cost savings of some EUR15-20m .", + "label": 1 + }, + { + "text": "Are ARM Holdings plc, Domino's Pizza Group plc and ASOS plc 3 must-have growth stocks?", + "label": 0 + }, + { + "text": "FCA set to fine Lloyds record £100m over PPI", + "label": -1 + }, + { + "text": "CompaniesAberdeen Asset Mgt reports 10th consecutive quarterly outflows", + "label": -1 + }, + { + "text": "Previously , Grimaldi held a 46.43 pct stake in the Finnish company following the takeover bid launched in November 2006 .", + "label": 0 + }, + { + "text": "PRESS: US High-Frequency Lawsuit Against Barclays Dismissed - Reuters", + "label": 1 + }, + { + "text": "Aspocomp Group , headquartered in Helsinki , Finland , develops interconnection solutions for the electronics industry .", + "label": 0 + }, + { + "text": "HSBC Posts Surprise Fourth-Quarter Pretax Loss of $858 Million", + "label": -1 + }, + { + "text": "SDM offers general rental equipment , aluminium scaffolding , power generator and hoists to customers in the construction sector .", + "label": 0 + }, + { + "text": "Operating loss increased to EUR 17mn from a loss of EUR 10.8 mn in 2005 .", + "label": -1 + }, + { + "text": "Expense ratio was 102.6 % compared to 92.9 % in the corresponding period in 2005 .", + "label": -1 + }, + { + "text": "It also turned in earnings per share ( EPS ) of EUR 0.44 versus loss per share of EUR 2.26 .", + "label": 1 + }, + { + "text": "The value of the order is EUR 4mn .", + "label": 0 + }, + { + "text": "This wood lacquered clock comes with a stripy hand-crocheted cover .", + "label": 0 + }, + { + "text": "The value of the order is around EUR 100 million .", + "label": 0 + }, + { + "text": "South African Sappi will become the largest foreign forest industry company operating in Finland as a result of the acquisition Finnish M-real Corporation 's Graphic Papers Business unit .", + "label": 1 + }, + { + "text": "N-Viro operates processing facilities independently as well as in partnership with municipalities .", + "label": 0 + }, + { + "text": "28 October 2010 - Finnish wood products technology supplier Raute Oyj HEL : RUTAV said today it swung to a net profit of EUR3m for the first nine months of 2010 versus a net loss of EUR5 .2 m for the same period a year earlier .", + "label": 1 + }, + { + "text": "The operations to be sold include manufacturing units in Finland , France , Poland and Turkey , as well as sales units in Germany and Lithuania .", + "label": 0 + }, + { + "text": "The metal has gained 41 percent this year as demand from China , the world 's largest user , increased .", + "label": 1 + }, + { + "text": "Kingfisher takeover of Mr Bricolage could hit a brick wall", + "label": -1 + }, + { + "text": "Mr. Koistinen joins from Nokia Siemens Networks where he has held various senior sales management and business development positions since 1997 .", + "label": 0 + }, + { + "text": "27 January 2011 - Finnish IT solutions provider Affecto Oyj ( HEL : AFE1V ) said today it has won a EUR1 .2 m ( USD1 .6 m ) contract from state-owned Lithuanian Social Insurance Institution ( SODRA ) .", + "label": 1 + }, + { + "text": "CompaniesSmith & Nephew flops 6.8% to foot of FTSE 100", + "label": -1 + }, + { + "text": "CompaniesSanofi poaches immunology expert from AstraZeneca", + "label": 0 + }, + { + "text": "UPDATE 1-Petrofac posts net loss hurt by Shetland Islands project costs", + "label": -1 + }, + { + "text": "This corrensponds to 4.628 percent of Okmetic 's share capital and voting rights .", + "label": 0 + }, + { + "text": "Insight hires Aviva's David Hillier for multi-asset team", + "label": 0 + }, + { + "text": "It generated an operating loss of EUR 96.3 mn , down from a profit of EUR 43.9 mn .", + "label": -1 + }, + { + "text": "Swedbank Hypotek - Is to issue a benchmark , fixed rate covered deal in Euros , maturing January 2010 .", + "label": 0 + }, + { + "text": "Sainsbury CFO Rogers to Replace Home Retail CEO Walden", + "label": 0 + }, + { + "text": "GlaxoSmithKline set to complete $20 billion Novartis asset swap next week", + "label": 0 + }, + { + "text": "11 August 2010 - Finnish measuring equipment maker Vaisala Oyj HEL : VAIAS said today that its net loss widened to EUR4 .8 m in the first half of 2010 from EUR2 .3 m in the corresponding period a year earlier .", + "label": -1 + }, + { + "text": "Unbelievably , the company that makes them - Fiskars Corporation - was formed in 1649 when a Dutch merchant named Peter Thorwoste was given a charter to establish a blast furnace and forging operation in the small Finnish village of Fiskars .", + "label": 0 + }, + { + "text": "Below are consolidated , unaudited results for Amanda Capital under IFRS reporting standards .", + "label": 0 + }, + { + "text": "Ponsse will divide its sales and maintenance service network into six geographical areas .", + "label": 0 + }, + { + "text": "The joint venture is planning a quick timetable for negotiating the lease of the potential wind farm areas and for charting the feasibility of the wind farms .", + "label": 0 + }, + { + "text": "RBS will reportedly appoint Howard Davies as its next chairman", + "label": 0 + }, + { + "text": "The period 's sales dropped to EUR 30.6 million from EUR 38.3 million , according to the interim report , released today .", + "label": -1 + }, + { + "text": "` This order is included in Wartsila 's order book in the second quarter , ' the company added .", + "label": 0 + }, + { + "text": "Compass Group says positive for year ahead", + "label": 1 + }, + { + "text": "The Company operates through four principal divisions : Consumer Packaging ; Office Papers ; Speciality Papers , as well as Market Pulp and Energy .", + "label": 0 + }, + { + "text": "The total value of these two contracts is over EUR 21 million .", + "label": 0 + }, + { + "text": "UPDATE 1-AstraZeneca sells rare cancer drug to Sanofi for up to $300 mln", + "label": 1 + }, + { + "text": "Revenue grew 1 percent to euro742 .2 million US$ 964 million from euro735 million .", + "label": 1 + }, + { + "text": "Glencore Cuts 2015 Budget, Plans To Divest From Lonmin", + "label": -1 + }, + { + "text": "Finnish investment company Neomarkka is the main owner of Kuitu Finland 's successor .", + "label": 0 + }, + { + "text": "CompaniesLord Livingston joins Dixons Carphone", + "label": 1 + }, + { + "text": "However , Biohit estimates its total net sales will continue to grow in 2009 , and that favourable trends in net sales will lead to a profit in 2009 .", + "label": 1 + }, + { + "text": "The firm is headquartered in Vantaa , southern Finland and has 16 employees .", + "label": 0 + }, + { + "text": "CHS Expo Freight is a major Finnish fair , exhibition and culture logistics company that provides logistics services to various events by land , air and sea .", + "label": 0 + }, + { + "text": "GlaxoSmithKline starts hunt for successor to CEO Witty", + "label": 0 + }, + { + "text": "Should you buy Associated British Foods plc, Great Portland Estates plc and Dunelm Group plc following today's news?", + "label": 0 + }, + { + "text": "Then , it said the contract was estimated to contribute more than EUR150m to its net sales in 2010 .", + "label": 1 + }, + { + "text": "Credit Suisse poaches Prudential's Thiam for Asian push", + "label": 0 + }, + { + "text": "Clothing chain Sepp+ñl+ñ 's net sales increased by 7.0 % to EUR 30.8 mn .", + "label": 1 + }, + { + "text": "Quality chargers under CHARGZ brand are sold in selected retail stores and other sales locations world-wide .", + "label": 0 + }, + { + "text": "Retail giant Kingfisher reports 'solid' start to the year", + "label": 1 + }, + { + "text": "The commission said the hydrogen peroxide and PBS market was worth about 470 million euros in 2000 .", + "label": 0 + }, + { + "text": "We are glad that our long co-operation with SODRA continues '' , comments Stig-Goran Sandberg , Affecto 's Area Manager for Baltic operations .", + "label": 1 + }, + { + "text": "The company had net sales of EUR 19.8 mn and a pre-tax profit of EUR 1.8 mn in 2005 .", + "label": 0 + }, + { + "text": "The Tecnomen Convergent Charging solution includes functionality for prepaid and post-paid billing , charging and rating of voice calls , video calls , raw data traffic and any type of content services in both mobile and fixed networks .", + "label": 0 + }, + { + "text": "UPDATE 1-AstraZeneca buys ZS Pharma for $2.7 billion, pips Actelion", + "label": 1 + }, + { + "text": "Verizon and AT&T accused of hurting rivals", + "label": -1 + }, + { + "text": "In addition , the Kazakh delegation will visit Finland 's SITRA investment fund , Honkarakenne Ltd and Nokia headquarters to study TeliaSonera Ltd JSC 's activities .", + "label": 0 + }, + { + "text": "`` Printed fabrics and related design expertise have always been the core of Marimekko 's business and brand .", + "label": 0 + }, + { + "text": "Whitbread eyes savings, price rises to offset wage rises", + "label": 0 + }, + { + "text": "The company serves customers in various industries , including process and resources , industrial machinery , architecture , building , construction , electrical , transportation , electronics , chemical , petrochemical , energy , and information technology , as well as catering and households .", + "label": 0 + }, + { + "text": "ALEXANDRIA , Va. , March 15 -- Jaakko Vilo of Turku , Finland , has developed a panel press .", + "label": 0 + }, + { + "text": "REFILE-Hikma and Barclays help Britain's FTSE to climb higher", + "label": 1 + }, + { + "text": "`` After this purchase , Cramo will become the second largest rental services provider in the Latvian market .", + "label": 1 + }, + { + "text": "Operating profit was EUR 139.7 mn , up 23 % from EUR 113.8 mn .", + "label": 1 + }, + { + "text": "Lead production , in turn , should increase to 60,000 tonnes through 2009 in what would be a twofold increase from current capacity levels , Zahariev said .", + "label": 1 + }, + { + "text": "In 2008 Stockmann earned 3.398 million lats in profit on 48.012 million lats in turnover .", + "label": 0 + }, + { + "text": "The company will use the money for product development and research activities through 2013 in its key markets Finland , Germany , Italy and France .", + "label": 0 + }, + { + "text": "PRESS: Pearson Set To Announce Sale Of Financial Times - Reuters", + "label": 0 + }, + { + "text": "Verizon and AT&T accused of hurting rivals", + "label": -1 + }, + { + "text": "Each share is entitled to one vote .", + "label": 0 + }, + { + "text": "The maximum amount of the capital loan will be EUR30m and the minimum subscription -- EUR10 ,000 .", + "label": 0 + }, + { + "text": "Whitbread to hike prices to offset 'substantial' national living wage bill", + "label": 0 + }, + { + "text": "3G Capital, Warren Buffett's Favorite Partner in Deals Worth Billions", + "label": 1 + }, + { + "text": "ARM Royalties Accelerate as Smartphone Market Regains Strength", + "label": 1 + }, + { + "text": "Following the increase the company+óEUR TM s capital totals 5.5 mln Romanian lei $ 1.98 mln-1 .56 mln euro .", + "label": 0 + }, + { + "text": "Barclays says has spent $150 million on US 'living will'", + "label": 0 + }, + { + "text": "Sainsbury's, Asda, Tesco and Morrisons will all cut petrol prices as oil falls ...", + "label": -1 + }, + { + "text": "Industry NewsHammerson joint venture buys Dublin loan portfolio", + "label": 1 + }, + { + "text": "In addition , Cramo and Peab have signed exclusive five-year rental agreements in Finland and have extended their existing rental agreements in the Swedish market for another five years .", + "label": 1 + }, + { + "text": "Market share decreased on the route between Helsinki in Finland and Tallinn in Estonia by 0.1 percentage points to 24.8 % .", + "label": -1 + }, + { + "text": "Incap Contract Manufacturing is a subsidiary of Incap Corporation of Finland .", + "label": 0 + }, + { + "text": "Nordea Bank AB publ holds 6.000 Alma Media shares , representing 0.008 % of share capital and voting rights .", + "label": 0 + }, + { + "text": "Shell, Chevron Await LNG's Return From `Pause Mode'", + "label": 0 + }, + { + "text": "Severn Trent profit up as customer complaints fall", + "label": 1 + }, + { + "text": "Easyjet traffic hit by air traffic controller strikes and terrorism", + "label": -1 + }, + { + "text": "Sotheby's chairman takes his final sale", + "label": 0 + }, + { + "text": "First Industrial will seek LEED designation for Uponor 's new building and a 282,000 square-foot speculative distribution center at First Park Lakeville .", + "label": 0 + }, + { + "text": "Aviva Fined $27 Million by U.K. Regulator Over Fee Failings", + "label": -1 + }, + { + "text": "Glencore Cuts 2015 Budget, Plans To Divest From Lonmin", + "label": -1 + }, + { + "text": "Affecto has participated in the program for the development of the Norwegian pension system since 2007 .", + "label": 0 + }, + { + "text": "Jarmo Honkamaa , head of the oil refining business at Neste Oil , says the situation looks promising from their viewpoint .", + "label": 1 + }, + { + "text": "The Economic Development and Trade Ministry and Industry and Energy Ministry , along with the Kostroma regional administration and the Russian Lumberman and Timber Exporters Union , has been carrying out work to acquire investment for the construction of a pulp and paper mill in Neya since 2003 .", + "label": 0 + }, + { + "text": "Tesco share price: Brand Guarantee comes under fire", + "label": -1 + }, + { + "text": "The increase range will vary up to 10 % .", + "label": 0 + }, + { + "text": "Paychex has more than 100 offices serving approximately 554,000 payroll clients nationwide as of May 31 , 2009 .", + "label": 0 + }, + { + "text": "ConAgra Names Former Hillshire Farms CEO Connolly to Top Post", + "label": 0 + }, + { + "text": "Fitch: Citi's 1Q'15 Reports Much Improved Results", + "label": 1 + }, + { + "text": "Bunzl blames weakness in United States for first-half revenue slowdown", + "label": -1 + }, + { + "text": "The other deal is for process cranes to the Russian steel mill PNTZ in Pervorouralsky through an order placed by Turkish construction company Gama Endustri Tesisleri Imalat ve Montaj AS .", + "label": 0 + }, + { + "text": "Pharmaceuticals - Netherlands This brand-new market analysis gives a clear overview of the actual situation and future outlook of the pharmaceutical market in Netherlands .", + "label": 0 + }, + { + "text": "Why Shell Cut Ties to Conservative Lobby Group Over Climate Change", + "label": 0 + }, + { + "text": "IonPhasE 's second major owner is venture capital firm Aura Capital .", + "label": 0 + }, + { + "text": "GLOBAL MARKETS-Stocks gain on Royal Dutch Shell bid, oil slumps", + "label": 1 + }, + { + "text": "Elcoteq expects its net sales for the last quarter of 2010 to be on the level of the third quarter .", + "label": 0 + }, + { + "text": "However , two of the previously ordered sets will start producing electricity at the end of October 2010 , it said .", + "label": 0 + }, + { + "text": "Glencore slashes 2015 capex budget as annual profits slip 2%", + "label": -1 + }, + { + "text": "The volume of investments in the two phases of the project is estimated at USD 300mn ( EUR 215.03 mn ) .", + "label": 0 + }, + { + "text": "Glencore Cuts 2015 Budget, Plans To Divest From Lonmin", + "label": -1 + }, + { + "text": "The deal will have no significant effect on the acquiring company 's equity ratio .", + "label": 0 + }, + { + "text": "BHP, Residents Brace as Cyclone Stan Nears Australian Coast", + "label": 0 + }, + { + "text": "`` The Intel Atom processor has had tremendous success in the marketplace since its launch over 2 years ago , '' said Pankaj Kedia , director of global ecosystem programs for Intel Corp. 's Ultra Mobility Group .", + "label": 1 + }, + { + "text": "MarketsShire up 2.5% and Baxalta up 6% on $32bn deal", + "label": 1 + }, + { + "text": "The purchase sum is about EUR 10mn US$ 12.97 mn .", + "label": 0 + }, + { + "text": "This new deal has strengthened the partnership from Telemig Celular and Tecnomen , which it has started since the beginning of Telemig 's prepaid operations .", + "label": 1 + }, + { + "text": "Standard Chartered considering move from UK", + "label": 0 + }, + { + "text": "Stars aligned' for AB InBev's megabrew merger plan", + "label": 1 + }, + { + "text": "Votorantim Celulose e Papel ( VCP ) is part of the Votorantim Group , a major Brazilian conglomerate .", + "label": 0 + }, + { + "text": "Tesco share price: Korean currency slide may hit Homeplus sale plans", + "label": -1 + }, + { + "text": "NAVTEQ has a commanding lead in installed map data systems in North American vehicles and may be the leader in turn-by-turn navigation data offered by services such as OnStar in North America , said analyst Phil Magney of Telematics Research Group in Minnetonka , Minn. .", + "label": 1 + }, + { + "text": "Diageo offloads major wine interests", + "label": -1 + }, + { + "text": "GE to Sell Majority Stake in Bank BPH's Core Bank to Alior Bank", + "label": 1 + }, + { + "text": "How Kraft-Heinz Merger Came Together in Speedy 10 Weeks", + "label": 1 + }, + { + "text": "CompaniesAstraZeneca wins nod for 'blockbuster' hopeful", + "label": 1 + }, + { + "text": "The Group 's cash flow from operations will be positive .", + "label": 1 + }, + { + "text": "The segment has an annual revenue of approximately EUR400m , the company said .", + "label": 0 + }, + { + "text": "SRV lowered its net sales estimate for the whole of 2008 due to uncertainties in housing sales .", + "label": -1 + }, + { + "text": "The building will house , for example , Respecta Oy 's Jyvaskyla premises , as well as other companies to be announced later , says Samuel Koivisto , Director of Technopolis operations in Jyvaskyla .", + "label": 0 + }, + { + "text": "European shares fall on Chinese import data, SABMiller soars", + "label": 1 + }, + { + "text": "Vehvilainen , who is currently the chief operating officer at Nokia Siemens Networks , will join Finnair on 5 January 2010 and take over as CEO effective 1 February 2010 .", + "label": 0 + }, + { + "text": "ALEXANDRIA , Va. , Oct. 15 -- Aaron Moss of Hampshire , Great Britain , has developed an ornamental design for a handset , the U.S. Patent & Trademark Office announced .", + "label": 0 + }, + { + "text": "Sanoma also has an Executive Committee , in accordance with the Company 's Articles of Association , that prepares proposals for matters to be decided or noted by the Board of Directors .", + "label": 0 + }, + { + "text": "Risto Jalo , chief executive of Dormus Print and also owner of the remainder of the company , will keep his position after the acquisition .", + "label": 0 + }, + { + "text": "UPDATE: Peter Long To Be Chairman Of Both Royal Mail And TUI AG", + "label": 0 + }, + { + "text": "The company does not disclose the sum it applied for .", + "label": 0 + }, + { + "text": "U.K. Stocks Resume Gains to Rally to Record; CRH, Tullow Climb", + "label": 1 + }, + { + "text": "UK Serious Fraud Office Seeks Retrial of Two Former Barclays Libor Traders", + "label": -1 + }, + { + "text": "BP asks for lower fine in penalty phase of Gulf spill trial", + "label": 0 + }, + { + "text": "Fortum needs a clear signal of commitment from the Government that the permit is available before the company will start the next round , Kuula says .", + "label": 0 + }, + { + "text": "Vaisala 's board of directors will propose a dividend of 0.85 euro $ 1.24 per share at the company 's annual general meeting .", + "label": 0 + }, + { + "text": "News FeedSchroders books solid earnings growth, several board changes", + "label": 1 + }, + { + "text": "Revenue grew by 2 percent to x20ac 580 million $ 743 million , from x20ac 569 million .", + "label": 1 + }, + { + "text": "HELSINKI ( AFX ) - Nokian Tyres reported a fourth quarter pretax profit of 61.5 mln eur , up from 48.6 mln on the back of strong sales .", + "label": 1 + }, + { + "text": "Stora is due to release its fourth-quarter and 2009 full-year earnings on Feb. 4 .", + "label": 0 + }, + { + "text": "Diluted earnings per share ( EPS ) rose to EUR 0.52 versus EUR 0.09 .", + "label": 1 + }, + { + "text": "Liquid handling products include electronic and mechanical pipettes , disposable tips as well as pipette maintenance and calibration services for research institutions , healthcare and industrial laboratories .", + "label": 0 + }, + { + "text": "S Group 's loyal customer magazine Yhteishyv+ñ came second with 1,629,000 readers and Sanoma Corporation 's daily newspaper Helsingin Sanomat was third with 1,097,000 readers .", + "label": 0 + }, + { + "text": "In Finland , snow storms brought trees down on power lines , cutting off electricity for some 2,000 households .", + "label": -1 + }, + { + "text": "The group 's 12-month operating profit grew 31 percent to 337.8 million euros .", + "label": 1 + }, + { + "text": "The Board of Directors was authorized to decide on other terms of the share issue .", + "label": 0 + }, + { + "text": "FTSE edges up as investors cheer Kingfisher results", + "label": 1 + }, + { + "text": "Diageo and Carlsberg hit as Russians suffer from oil price collapse and rouble ...", + "label": -1 + }, + { + "text": "Glencore shares enjoy bounce-back after Hong Kong-led surge", + "label": 1 + }, + { + "text": "Operating profit for the 12-month period decreased from EUR157 .5 m , while net sales increased from EUR634 .3 m , as compared to 2007 .", + "label": -1 + }, + { + "text": "Intercontinental Exchange Opts Not to Bid for London Stock Exchange", + "label": -1 + }, + { + "text": "In January , traffic , measured in revenue passenger kilometres RPK , went up by 3.2 % and capacity , measured in available seat kilometres ASK , rose by 12.2 % .", + "label": 1 + }, + { + "text": "Sales have risen in other export markets .", + "label": 1 + }, + { + "text": "UPDATE 3-Stifel to buy former Lehman brokerage from Barclays", + "label": 0 + }, + { + "text": "Some 3.8 mln euro ( $ 5.2 mln ) of the base acquisition price will be paid in cash and the rest through a subscription offering of a total of 850,000 new Ixonos shares .", + "label": 0 + }, + { + "text": "The new system , which will include 60 MC3090 PDAs from Motorola , to be used by 60 Poundstretcher operatives across 3 shifts , will integrate in real-time with the company s existing Warehouse Management System , Aldata G.O.L.D Stock , which went live in May 2008 .", + "label": 0 + }, + { + "text": "The offer price is $ 35 million , including cash of $ 10 million as net debt assumption of FACE , and $ 20 million worth of Cencorp shares to be issued to Savcor .", + "label": 0 + }, + { + "text": "According to Heikkil+ñ , more than just `` refreshment and energy '' will soon be found in soft drinks also in Finland .", + "label": 0 + }, + { + "text": "The parties have agreed not to disclose the price of the deal , the group said in a press release .", + "label": 0 + }, + { + "text": "Finnish Bank of +àland will launch its long-term pension savings account at the beginning of June 2010 .", + "label": 0 + }, + { + "text": "The company designs and manufactures high-quality clothing , interior decoration textiles , bags , and other accessories .", + "label": 0 + }, + { + "text": "Friday Papers: Sir Philip Green sells BHS for £1", + "label": 0 + }, + { + "text": "com and possibly also through photo-msn .", + "label": 0 + }, + { + "text": "International sales rose by 59.8 % to EUR 1,244.4 mn .", + "label": 1 + }, + { + "text": "`` The margarine business has been put into good shape in the last two years , making it a natural addition to Bunge , which is looking to leverage its position in the Central and Northern European markets , '' Raisio CEO Matti Rihko said in a statement .", + "label": 1 + }, + { + "text": "The value of the orders is over EUR 10mn .", + "label": 0 + }, + { + "text": "Enclosed is Affecto 's call for Extraordinary General Meeting to be held on July 10th where the main agenda is to approve the authorization to the Board for the proposed share issue related to the Component Software acquisition , and to elect Haakon Skaarer to the Affecto board .", + "label": 0 + }, + { + "text": "Earnings surge as fund manager Schroders reports a record year", + "label": 1 + }, + { + "text": "Rio Tinto CEO Sam Walsh rejects fears over China growth, demand", + "label": 0 + }, + { + "text": "GlaxoSmithKline hails progress with lung disease treatment", + "label": 1 + }, + { + "text": "FastJet slams EasyJet founder Stelios for going public, is \"taking legal advice\" over letter about contractual ...", + "label": -1 + }, + { + "text": "Altona stated that the private company of Altona chairman Kevin Maloney , Tulla Resources , would take up its entitlement in full .", + "label": 0 + }, + { + "text": "Barclays 'bad bank' chief to step down", + "label": -1 + }, + { + "text": "US says HSBC must do more to improve compliance", + "label": -1 + }, + { + "text": "Finnish meat company Atria can no longer promise a sufficient amount of domestic beef to its customers .", + "label": -1 + }, + { + "text": "The casing comprises a first side casing member provided with the first side vat segment and a second side casing member provided with the second side vat segment , at least the first side casing member being pivotable about a rotation axis .", + "label": 0 + }, + { + "text": "Morrisons share price: Group trading director departs as management cull ...", + "label": 0 + }, + { + "text": "Under the deal , Know IT will pay SEK90m ( USD12 .8 m-EUR8 .6 m ) in cash and stock .", + "label": 0 + }, + { + "text": "Aldi and Lidl expansion plans speed ahead as Tesco, Sainsbury's, Morrisons ...", + "label": 1 + }, + { + "text": "Former Schroders trader sentenced to 2 years in prison", + "label": -1 + }, + { + "text": "The MET is located in the Central Business District ( CBD ) of Bangkok .", + "label": 0 + }, + { + "text": "As a part of the plan , the Board of Directors decided to transfer a maximum of 330,000 shares held by the company in a share issue against payment directed to Aspo Management Oy , a holding company acquired by the management .", + "label": 0 + }, + { + "text": "Finnish technology group Aspocomp Group Oyj ( OMX Helsinki : ACG1V ) issued its third quarter report on Thursday ( 13 November ) , posting an operating profit of EUR0 .4 m , as compared to a loss of EUR0 .5 m in the third quarter of 2007 .", + "label": 1 + }, + { + "text": "Travis Perkins to create 4000 jobs", + "label": 1 + }, + { + "text": "Speaking to just-drinks today , a spokesperson for Olvi said : `` We have performed very well in all four countries we operate in - namely , Finland , Estonia , Latvia and Lithuania . ''", + "label": 1 + }, + { + "text": "The alliance aims to tap pocketable mobile computers , netbooks , tablets , mediaphones , connected TVs and in-vehicle infotainment systems .", + "label": 0 + }, + { + "text": "Primark plots expansion in US and Europe", + "label": 1 + }, + { + "text": "Bidders Abandon Auction Of Tesco Data Unit", + "label": -1 + }, + { + "text": "Britain's FTSE steadies, supported by Dixons Carphone", + "label": 1 + }, + { + "text": "The customers will have an access to integrated propeller and gear packages from one source .", + "label": 0 + }, + { + "text": "Neste Oil Corporation is a refining and marketing company concentrating on clean , high-quality traffic fuels .", + "label": 0 + }, + { + "text": "Ahlstrom Corporation STOCK EXCHANGE ANNOUNCEMENT 23.4.2007 Ahlstrom Corporation will publish its first quarter financial results 2007 on Friday , April 27 , 2007 approximately at 8.30 a.m. Finnish time .", + "label": 0 + }, + { + "text": "Friends Life lifts profits 38% and hikes divi ahead of proposed Aviva takeover", + "label": 0 + }, + { + "text": "Finnish handling systems company Cargotec Oyj ( HEL : CGCBV ) said today that it won a EUR 13 million ( USD 16.6 m ) contract to deliver MacGregor hatch covers for ships ordered by Norwegian shipowner Grieg Shipping .", + "label": 1 + }, + { + "text": "Both operating profit and sales for the three-month period increased , respectively from EUR0 .3 m and EUR13 .1 m , as compared to the corresponding period in 2005 .", + "label": 1 + }, + { + "text": "US sanctions put Gazprom-Shell alliance plans in jeopardy", + "label": -1 + }, + { + "text": "L+ñnnen Tehtaat 's Food Division was reorganised into two strategic business units , Apetit Frozen Foods and Jams , and Apetit Fish .", + "label": 0 + }, + { + "text": "US Seeks Huawei Records on Dealings With Sanctioned Nations", + "label": -1 + }, + { + "text": "Berkshire Bought Apple Stake at $99.49 a Share, Filing Shows", + "label": 1 + }, + { + "text": "Growth was strongest in F-Secure 's operator ISPs , mobile operators and cable operators business .", + "label": 1 + }, + { + "text": "The company also said that in Poland a profitability program has been launched at the Oborniki steel frame and sandwich panel plant .", + "label": 1 + }, + { + "text": "The broker has initiated both Palfinger AG and Konecranes OYJ with ` buy ' recommendations , with 51 and 42 eur price targets respectively .", + "label": 1 + }, + { + "text": "The online ice chart shows no ice in the area of Estonia 's sea ports on the coast of the Gulf of Finland .", + "label": 0 + }, + { + "text": "Production levels have been agreed with producers a long time ago , so a fall in consumption will lead to losses .", + "label": -1 + }, + { + "text": "For the first nine months of 2010 , the company 's net profit rose to EUR41m from EUR30m for the corresponding period of 2009 .", + "label": 1 + }, + { + "text": "BP's head of exploration Richard Herbert departs", + "label": 0 + }, + { + "text": "The OMX Helsinki 25 ended 0.47 pct lower at 3,150.55 and the OMX Helsinki was down 0.21 pct at 10,736.42 on 1.523 bln eur turnover .", + "label": -1 + }, + { + "text": "WPP's Sir Martin Sorrell is highest-paid FTSE 100 chief executive", + "label": 0 + }, + { + "text": "UPDATE: CIB, Legal & General Sell Egyptian Life Joint Venture To AXA", + "label": 0 + }, + { + "text": "Shell offers 50 percent premium to buy BG for $70 billion", + "label": 1 + }, + { + "text": "Profit before taxes was EUR 4.0 mn , down from EUR 4.9 mn .", + "label": -1 + }, + { + "text": "UPDATE 3-Stifel to buy former Lehman brokerage from Barclays", + "label": 0 + }, + { + "text": "FTSE falls to 3-month low on Greek debt concerns, easyJet skids", + "label": -1 + }, + { + "text": "No other ev3 devices were involved in this action .", + "label": 0 + }, + { + "text": "At the close , the OMX Helsinki 25 was 0.01 pct lower at 3,067.64 points and the OMX Helsinki was down 0.05 pct at 10,321.46 points on over 1.343 bln eur of turnover .", + "label": -1 + }, + { + "text": "Kingfisher takeover of Mr Bricolage could hit a brick wall", + "label": -1 + }, + { + "text": "Earnings per share ( EPS ) for the first quarter 2007 amounted to EUR0 .07 , up from EUR0 .04 .", + "label": 1 + }, + { + "text": "UPDATE 1-AstraZeneca buys ZS Pharma for $2.7 billion, pips Actelion", + "label": 1 + }, + { + "text": "Diageo Sells Ryder Cup Venue Gleneagles Hotel to Ennismore Group", + "label": 1 + }, + { + "text": "Shire says internal synergy goals from Baxalta deal higher", + "label": 1 + }, + { + "text": "Industry NewsWood Group wins multi-million dollar contract with BP", + "label": 1 + }, + { + "text": "It therefore seems that Finnish shipping company Viking Line will get the subsidy it needs to order its new LNG-fuelled vessel .", + "label": 1 + }, + { + "text": "Tesco says recovery on track, asks investors to be patient", + "label": 0 + }, + { + "text": "Operating profit totalled EUR 9.0 mn , down from EUR 9.7 mn in the first half of 2008 .", + "label": -1 + }, + { + "text": "Finnish Bank of +àland +àlandsbanken has issued a profit warning .", + "label": -1 + }, + { + "text": "Rapala estimates its net sales for 2008 will increase by between 8.0 pct and 12 pct assuming 2007 exchange rates .", + "label": 1 + }, + { + "text": "Hargreaves Landown slides on trading update", + "label": -1 + }, + { + "text": "Britain's FTSE rises, led up by Glencore surge", + "label": 1 + }, + { + "text": "Industry NewsWood Group wins multi-million dollar contract with BP", + "label": 1 + }, + { + "text": "Rihko started to manage Raisio 's Benecol business in summer 2006 after heading tobacco company Altadis ' European operations .", + "label": 0 + } +] \ No newline at end of file diff --git a/Finllama/evaluation_sft.py b/Finllama/evaluation_sft.py new file mode 100644 index 0000000000..2d7dbe036d --- /dev/null +++ b/Finllama/evaluation_sft.py @@ -0,0 +1,292 @@ +#!/usr/bin/env python3 +import os +import argparse +from typing import Optional, Dict, Any, List, Tuple + +import torch +from datasets import load_dataset, Dataset, DatasetDict +from transformers import ( + AutoTokenizer, + AutoModelForCausalLM, + BitsAndBytesConfig, +) +from peft import PeftModel + + +def detect_device() -> torch.device: + if torch.cuda.is_available(): + return torch.device("cuda") + if hasattr(torch.backends, "mps") and torch.backends.mps.is_available(): + return torch.device("mps") + return torch.device("cpu") + + +def build_tokenizer(model_id: str, hf_token: Optional[str]) -> AutoTokenizer: + tokenizer = AutoTokenizer.from_pretrained( + model_id, + use_fast=True, + token=hf_token, + ) + if tokenizer.pad_token is None: + tokenizer.pad_token = tokenizer.eos_token + # Decoder-only models should use left padding for generation + try: + tokenizer.padding_side = "left" + except Exception: + pass + return tokenizer + + +def get_bnb_config(): + if not torch.cuda.is_available(): + return None + try: + bnb_config = BitsAndBytesConfig( + load_in_4bit=True, + bnb_4bit_quant_type="nf4", + bnb_4bit_compute_dtype=torch.bfloat16 if torch.cuda.is_bf16_supported() else torch.float16, + bnb_4bit_use_double_quant=True, + ) + return bnb_config + except Exception: + return None + + +def load_raw_dataset(path: str) -> Dataset: + return load_dataset("json", data_files={"train": path})["train"] + + +def split_train_val_test(ds_all: Dataset, seed: int = 42) -> DatasetDict: + # 60/20/20 split matching finetune_dapt.py + first_split = ds_all.train_test_split(test_size=0.4, seed=seed) + train_ds = first_split["train"] # 60% + remaining = first_split["test"] # 40% + second_split = remaining.train_test_split(test_size=0.5, seed=seed) + val_ds = second_split["train"] # 20% + test_ds = second_split["test"] # 20% + return DatasetDict(train=train_ds, validation=val_ds, test=test_ds) + + +def detect_text_key(ds: Dataset) -> str: + preferred = ["text", "content", "body", "cleaned_text", "instruction", "prompt"] + for k in preferred: + if k in ds.column_names: + return k + return ds.column_names[0] + + +def map_label_val_to_text(val: Any) -> str: + try: + v = int(val) + except Exception: + v = 0 + if v == 1: + return "Positive" + elif v == 0: + return "Neutral" + else: + return "Negative" + + +def build_eval_prompts(ds: Dataset, text_key: Optional[str] = None) -> Tuple[List[str], Optional[List[int]]]: + """ + Build prompts WITHOUT labels. Returns: + - prompts: list of prompt strings + - y_true: optional list of integer labels mapped as {-1,0,1} + """ + if text_key is None: + text_key = detect_text_key(ds) + + label_to_id = {"Negative": -1, "Neutral": 0, "Positive": 1} + + prompts: List[str] = [] + y_true: Optional[List[int]] = None + + has_label = "label" in ds.column_names + if has_label: + y_true = [] + + instr_prefix = "### Instruction:\nClassify the sentiment of the following financial text.\n\n" + for e in ds: + text_val = str(e.get(text_key) or "") + prompt = ( + f"{instr_prefix}" + f"### Text:\n{text_val}\n\n" + f"### Response:\n" + ) + prompts.append(prompt) + if has_label: + label_text = map_label_val_to_text(e.get("label", 0)) + y_true.append(label_to_id[label_text]) + + return prompts, y_true + + +def tokenize_prompts(prompts: List[str], tokenizer: AutoTokenizer, max_length: int) -> Dataset: + ds = Dataset.from_dict({"prompt": prompts}) + + def tok_fn(batch: Dict[str, List[str]]): + enc = tokenizer( + batch["prompt"], + truncation=True, + max_length=max_length, + padding=False, + ) + return enc + + cols = list(ds.column_names) + tokenized = ds.map(tok_fn, batched=True, remove_columns=cols) + return tokenized + + +def build_model_with_lora_for_eval(base_model_id: str, adapters_path: str, hf_token: Optional[str]): + # Choose dtype + torch_dtype = ( + torch.bfloat16 + if torch.cuda.is_available() and torch.cuda.is_bf16_supported() + else (torch.float16 if torch.cuda.is_available() else torch.float32) + ) + quant_config = get_bnb_config() + base_model = AutoModelForCausalLM.from_pretrained( + base_model_id, + device_map="auto" if torch.cuda.is_available() else None, + quantization_config=quant_config, + low_cpu_mem_usage=True, + token=hf_token, + dtype=torch_dtype if "dtype" in AutoModelForCausalLM.from_pretrained.__code__.co_varnames else None, + torch_dtype=None if "dtype" in AutoModelForCausalLM.from_pretrained.__code__.co_varnames else torch_dtype, + ) + try: + base_model.config.use_cache = True + except Exception: + pass + model = PeftModel.from_pretrained(base_model, adapters_path) + return model + + +def extract_prediction_label(text: str) -> Optional[int]: + label_to_id = {"Negative": -1, "Neutral": 0, "Positive": 1} + low = text.lower() + if "positive" in low: + return label_to_id["Positive"] + if "neutral" in low: + return label_to_id["Neutral"] + if "negative" in low: + return label_to_id["Negative"] + return None + + +def evaluate_generation(model, tokenizer, tokenized_ds: Dataset, y_true_eval: Optional[List[int]], batch_size: int, max_new_tokens: int): + from torch.utils.data import DataLoader + + def collate_fn(features: List[Dict[str, Any]]): + # Use tokenizer.pad to handle left padding and attention masks correctly + batch = tokenizer.pad(features, padding=True, return_tensors="pt") + # Ensure pad_token_id is set on generation config + if getattr(model, "generation_config", None) is not None and getattr(model.generation_config, "pad_token_id", None) is None: + model.generation_config.pad_token_id = tokenizer.pad_token_id + return batch + + if y_true_eval is None: + print("No labels available for evaluation; skipping accuracy/F1.") + return + + dl = DataLoader(tokenized_ds, batch_size=batch_size, shuffle=False, collate_fn=collate_fn) + model.eval() + preds_all: List[int] = [] + with torch.no_grad(): + for batch in dl: + # When using device_map='auto', move inputs to the embedding device + try: + embed_device = model.base_model.get_input_embeddings().weight.device # PEFT wraps base model + except Exception: + try: + embed_device = model.get_input_embeddings().weight.device + except Exception: + embed_device = next(model.parameters()).device + input_ids = batch["input_ids"].to(embed_device) + attention_mask = batch["attention_mask"].to(embed_device) + prompt_lengths = attention_mask.sum(dim=1) + gen = model.generate( + input_ids=input_ids, + attention_mask=attention_mask, + max_new_tokens=max_new_tokens, + do_sample=False, + ) + # Slice off the prompt per-sample using its true length + for i in range(gen.size(0)): + start = int(prompt_lengths[i].item()) + gen_only = gen[i, start:] + txt = tokenizer.decode(gen_only, skip_special_tokens=True) + pred = extract_prediction_label(txt) + preds_all.append(pred if pred is not None else 0) # default Neutral + + # Align lengths + n = min(len(preds_all), len(y_true_eval)) + y_pred = preds_all[:n] + y_true = y_true_eval[:n] + + correct = sum(int(p == t) for p, t in zip(y_pred, y_true)) + acc = correct / max(1, len(y_pred)) + + class_ids = [-1, 0, 1] + f1s: List[float] = [] + for c in class_ids: + tp = sum(int((p == c) and (t == c)) for p, t in zip(y_pred, y_true)) + fp = sum(int((p == c) and (t != c)) for p, t in zip(y_pred, y_true)) + fn = sum(int((p != c) and (t == c)) for p, t in zip(y_pred, y_true)) + precision = tp / (tp + fp) if (tp + fp) > 0 else 0.0 + recall = tp / (tp + fn) if (tp + fn) > 0 else 0.0 + f1 = (2 * precision * recall / (precision + recall)) if (precision + recall) > 0 else 0.0 + f1s.append(f1) + macro_f1 = sum(f1s) / len(class_ids) + print(f"Eval (generation): accuracy={acc:.4f}, macro_f1={macro_f1:.4f}") + + +def main(): + parser = argparse.ArgumentParser(description="Evaluate SFT LoRA adapters via generation without label leakage") + parser.add_argument("--model-id", default="meta-llama/Llama-3.1-8B", help="Base model ID") + parser.add_argument("--adapters-path", required=True, help="Path to LoRA adapters (output dir from finetune)") + parser.add_argument("--data", required=True, help="Path to JSON dataset used for training") + parser.add_argument("--max-length", type=int, default=1024, help="Max input sequence length") + parser.add_argument("--batch-size", type=int, default=2, help="Eval batch size") + parser.add_argument("--max-new-tokens", type=int, default=8, help="Max new tokens to generate") + parser.add_argument("--seed", type=int, default=42, help="Random seed used for split") + args = parser.parse_args() + + device = detect_device() + hf_token = ( + os.getenv("HUGGING_FACE_HUB_TOKEN") + or os.getenv("HF_TOKEN") + or os.getenv("HUGGINGFACEHUB_API_TOKEN") + ) + + tokenizer = build_tokenizer(args.model_id, hf_token) + + # Load and split to ensure the same test set as training (seed-matched) + ds_all = load_raw_dataset(args.data) + dsd = split_train_val_test(ds_all, seed=args.seed) + test_raw = dsd["test"] + + # Build prompts without labels and ground truth + prompts, y_true = build_eval_prompts(test_raw) + tokenized = tokenize_prompts(prompts, tokenizer, max_length=args.max_length) + + # Load model with LoRA adapters + model = build_model_with_lora_for_eval(args.model_id, args.adapters_path, hf_token) + model = model.to(device) + + evaluate_generation( + model=model, + tokenizer=tokenizer, + tokenized_ds=tokenized, + y_true_eval=y_true, + batch_size=max(1, args.batch_size), + max_new_tokens=args.max_new_tokens, + ) + + +if __name__ == "__main__": + main() + + diff --git a/Finllama/finetune_dapt.py b/Finllama/finetune_dapt.py new file mode 100644 index 0000000000..981dfda8a8 --- /dev/null +++ b/Finllama/finetune_dapt.py @@ -0,0 +1,382 @@ +#!/usr/bin/env python3 +import os +import argparse +from typing import Optional, Dict, Any + +import torch +import inspect +from datasets import load_dataset, DatasetDict +from transformers import ( + AutoTokenizer, + AutoModelForCausalLM, + TrainingArguments, + Trainer, + DataCollatorForLanguageModeling, + BitsAndBytesConfig, +) +from peft import PeftModel, prepare_model_for_kbit_training + + +def detect_device() -> torch.device: + if torch.cuda.is_available(): + return torch.device("cuda") + if hasattr(torch.backends, "mps") and torch.backends.mps.is_available(): + return torch.device("mps") + return torch.device("cpu") + + +def build_tokenizer(model_id: str, hf_token: Optional[str]) -> AutoTokenizer: + tokenizer = AutoTokenizer.from_pretrained( + model_id, + use_fast=True, + token=hf_token, + ) + if tokenizer.pad_token is None: + tokenizer.pad_token = tokenizer.eos_token + return tokenizer + + +def load_text_dataset(path: str, text_key: Optional[str] = None, sample_pct: Optional[float] = None): + """ + Loads a JSON dataset and returns a DatasetDict with train/validation. + If 'label' and 'text' columns are present, formats samples into instruction-style SFT examples. + Otherwise, falls back to plain text selection. + """ + ds_all = load_dataset("json", data_files={"train": path})["train"] + + if "label" in ds_all.column_names and ("text" in ds_all.column_names or text_key is not None): + # Use provided or default text key + if text_key is None: + text_key = "text" + + def format_example(e): + # Map labels to Positive/Neutral/Negative as per instruction template + label_val = e.get("label", 0) + try: + label_val = int(label_val) + except Exception: + label_val = 0 + if label_val == 1: + label_text = "Positive" + elif label_val == -1: + label_text = "Negative" + else: + label_text = "Neutral" + + instruction = ( + "### Instruction:\n" + "Classify the sentiment of the following financial text.\n\n" + f"### Text:\n{str(e.get(text_key) or '')}\n\n" + "### Response:\n" + f"{label_text}" + ) + e["_text"] = instruction + return e + + ds_all = ds_all.map(format_example) + # keep columns; tokenizer will remove unused ones + else: + # Auto-detect text column if not provided + if text_key is None: + preferred = ["text", "content", "body", "cleaned_text", "instruction", "prompt"] + for k in preferred: + if k in ds_all.column_names: + text_key = k + break + # fallback to first column + if text_key is None: + text_key = ds_all.column_names[0] + + # If pairs like ("instruction","output") exist, join them; else just use text_key + join_output = None + for cand in ["output", "completion", "response"]: + if cand in ds_all.column_names: + join_output = cand + break + + def to_text(example): + if join_output is not None and text_key in example and example.get(join_output) is not None: + inp = str(example.get(text_key) or "") + out = str(example.get(join_output) or "") + example["_text"] = f"{inp}\n\n{out}".strip() + else: + example["_text"] = str(example.get(text_key) or "") + return example + + ds_all = ds_all.map(to_text, remove_columns=[c for c in ds_all.column_names if c != "_text"]) + + # Optionally subsample + if sample_pct is not None and 0 < sample_pct < 1: + n = len(ds_all) + keep = max(1, int(n * sample_pct)) + ds_all = ds_all.select(range(keep)) + + # 60/20/20 train/validation/test split + first_split = ds_all.train_test_split(test_size=0.4, seed=42) + train_ds = first_split["train"] # 60% + remaining = first_split["test"] # 40% + second_split = remaining.train_test_split(test_size=0.5, seed=42) + val_ds = second_split["train"] # 20% + test_ds = second_split["test"] # 20% + return DatasetDict(train=train_ds, validation=val_ds, test=test_ds) + + +def tokenize_dataset(dataset, tokenizer: AutoTokenizer, max_length: int): + def tok_fn(examples: Dict[str, Any]): + enc = tokenizer( + examples["_text"], + truncation=True, + max_length=max_length, + padding=False, + ) + return enc + + cols = list(dataset["train"].column_names) + tokenized = {} + for split in dataset.keys(): + tokenized[split] = dataset[split].map(tok_fn, batched=True, remove_columns=cols) + return tokenized + + +def get_bnb_config(): + if not torch.cuda.is_available(): + return None + try: + bnb_config = BitsAndBytesConfig( + load_in_4bit=True, + bnb_4bit_quant_type="nf4", + bnb_4bit_compute_dtype=torch.bfloat16 if torch.cuda.is_bf16_supported() else torch.float16, + bnb_4bit_use_double_quant=True, + ) + return bnb_config + except Exception: + return None + + +def build_model_with_lora(base_model_id: str, dapt_path: str, device: torch.device, hf_token: Optional[str]): + # Choose dtype + torch_dtype = ( + torch.bfloat16 + if torch.cuda.is_available() and torch.cuda.is_bf16_supported() + else (torch.float16 if torch.cuda.is_available() else torch.float32) + ) + + # 4-bit quantization (QLoRA) if available + quant_config = get_bnb_config() + + # Transformers >=5.0.0 deprecates 'torch_dtype' in favor of 'dtype' + base_from_pretrained_sig = inspect.signature(AutoModelForCausalLM.from_pretrained) + dtype_kw = {"dtype": torch_dtype} if "dtype" in base_from_pretrained_sig.parameters else {"torch_dtype": torch_dtype} + base_model = AutoModelForCausalLM.from_pretrained( + base_model_id, + device_map="auto" if torch.cuda.is_available() else None, + quantization_config=quant_config, + low_cpu_mem_usage=True, + token=hf_token, + **dtype_kw, + ) + base_model.config.use_cache = False # needed for gradient checkpointing + + if quant_config is not None: + base_model = prepare_model_for_kbit_training(base_model) + + # Load existing DAPT LoRA adapters on top of the base model (continue training this adapter) + # Newer PEFT supports is_trainable=True to mark LoRA params trainable on load + peft_from_pretrained_sig = inspect.signature(PeftModel.from_pretrained) + peft_kwargs = {"is_trainable": True} if "is_trainable" in peft_from_pretrained_sig.parameters else {} + model = PeftModel.from_pretrained(base_model, dapt_path, **peft_kwargs) + + # Ensure only LoRA parameters are set as trainable (fallback for older PEFT versions) + try: + from peft.tuners.lora import mark_only_lora_as_trainable # type: ignore + mark_only_lora_as_trainable(model) + except Exception: + for name, param in model.named_parameters(): + if "lora_" in name: + param.requires_grad = True + + model.print_trainable_parameters() + return model + + +def main(): + parser = argparse.ArgumentParser(description="SFT fine-tune existing DAPT LoRA using QLoRA") + parser.add_argument("--model-id", default="meta-llama/Llama-3.1-8B", help="Base model ID") + parser.add_argument( + "--dapt-path", + default="/u/v/d/vdhanuka/llama3_8b_dapt_transcripts_lora", + help="Path to existing DAPT LoRA adapters", + ) + parser.add_argument( + "--data", + default="/u/v/d/vdhanuka/defeatbeta-api-main/combined_training_data.json", + help="Path to JSON training data", + ) + parser.add_argument("--output-dir", default="./dapt_sft_adapters_2", help="Where to save new adapters") + parser.add_argument("--max-length", type=int, default=1024, help="Max sequence length") + parser.add_argument("--epochs", type=int, default=4, help="Training epochs") + parser.add_argument("--batch-size", type=int, default=1, help="Per-device train batch size") + parser.add_argument("--grad-accum", type=int, default=16, help="Gradient accumulation steps") + parser.add_argument("--lr", type=float, default=2e-4, help="Learning rate") + parser.add_argument("--warmup-steps", type=int, default=100, help="Warmup steps") + parser.add_argument("--weight-decay", type=float, default=0.0, help="Weight decay") + parser.add_argument("--sample-pct", type=float, default=None, help="Optional fraction of data to use (0-1)") + parser.add_argument("--save-steps", type=int, default=1000, help="Save checkpoint every N steps") + parser.add_argument("--logging-steps", type=int, default=20, help="Log every N steps") + parser.add_argument("--seed", type=int, default=42, help="Random seed") + args = parser.parse_args() + + device = detect_device() + hf_token = ( + os.getenv("HUGGING_FACE_HUB_TOKEN") + or os.getenv("HF_TOKEN") + or os.getenv("HUGGINGFACEHUB_API_TOKEN") + ) + + tokenizer = build_tokenizer(args.model_id, hf_token) + + # Dataset + raw = load_text_dataset(args.data, text_key=None, sample_pct=args.sample_pct) + tokenized = tokenize_dataset(raw, tokenizer, max_length=args.max_length) + + # Build ground-truth labels for evaluation (order aligned with tokenized["test"]) + # Map label text to your dataset's numeric scheme: -1 (Negative), 0 (Neutral), 1 (Positive) + label_to_id = {"Negative": -1, "Neutral": 0, "Positive": 1} + def map_label_val(val: int) -> str: + try: + v = int(val) + except Exception: + v = 0 + if v == 1: + return "Positive" + elif v == 0: + return "Neutral" + else: + return "Negative" + if "label" in raw["test"].column_names: + y_true_eval_text = [map_label_val(v) for v in raw["test"]["label"]] + y_true_eval = [label_to_id[t] for t in y_true_eval_text] + else: + y_true_eval_text = None + y_true_eval = None + + # Model with existing DAPT LoRA + QLoRA prep for SFT + model = build_model_with_lora(args.model_id, args.dapt_path, device, hf_token) + model.gradient_checkpointing_enable() + + # Collator for causal LM (labels = input_ids) + collator = DataCollatorForLanguageModeling(tokenizer=tokenizer, mlm=False) + + # Generation-based evaluation utilities (run after training to avoid version issues) + def extract_prediction_label(text: str) -> Optional[int]: + low = text.lower() + if "positive" in low: + return label_to_id["Positive"] + if "neutral" in low: + return label_to_id["Neutral"] + if "negative" in low: + return label_to_id["Negative"] + return None + + def evaluate_generation(model, tokenizer, dataset, batch_size: int = 2, max_new_tokens: int = 8): + if y_true_eval is None: + print("No labels available for evaluation; skipping accuracy/F1.") + return + from torch.utils.data import DataLoader + dl = DataLoader(dataset, batch_size=batch_size, shuffle=False, collate_fn=collator) + model.eval() + preds_all = [] + with torch.no_grad(): + for batch in dl: + input_ids = batch["input_ids"].to(model.device) + attention_mask = batch.get("attention_mask", None) + if attention_mask is not None: + attention_mask = attention_mask.to(model.device) + gen = model.generate( + input_ids=input_ids, + attention_mask=attention_mask, + max_new_tokens=max_new_tokens, + do_sample=False, + ) + decoded = tokenizer.batch_decode(gen, skip_special_tokens=True) + for txt in decoded: + pred = extract_prediction_label(txt) + preds_all.append(pred if pred is not None else label_to_id["Neutral"]) + # Align to length of eval labels + n = min(len(preds_all), len(y_true_eval)) + y_pred = preds_all[:n] + y_true = y_true_eval[:n] + # Accuracy + correct = sum(int(p == t) for p, t in zip(y_pred, y_true)) + acc = correct / max(1, len(y_pred)) + # Macro F1 over classes [-1, 0, 1] + class_ids = [-1, 0, 1] + f1s = [] + for c in class_ids: + tp = sum(int((p == c) and (t == c)) for p, t in zip(y_pred, y_true)) + fp = sum(int((p == c) and (t != c)) for p, t in zip(y_pred, y_true)) + fn = sum(int((p != c) and (t == c)) for p, t in zip(y_pred, y_true)) + precision = tp / (tp + fp) if (tp + fp) > 0 else 0.0 + recall = tp / (tp + fn) if (tp + fn) > 0 else 0.0 + f1 = (2 * precision * recall / (precision + recall)) if (precision + recall) > 0 else 0.0 + f1s.append(f1) + macro_f1 = sum(f1s) / len(class_ids) + print(f"Eval (generation): accuracy={acc:.4f}, macro_f1={macro_f1:.4f}") + + # Training args + steps_per_epoch = max(1, len(tokenized["train"]) // max(1, args.batch_size)) + save_steps = max(args.save_steps, steps_per_epoch) # avoid saving too often on tiny sets + training_args = TrainingArguments( + output_dir=args.output_dir, + num_train_epochs=args.epochs, + per_device_train_batch_size=args.batch_size, + per_device_eval_batch_size=max(1, args.batch_size), + gradient_accumulation_steps=args.grad_accum, + learning_rate=args.lr, + weight_decay=args.weight_decay, + warmup_steps=args.warmup_steps, + logging_steps=args.logging_steps, + save_steps=save_steps, + save_total_limit=3, + # Older transformers may not support evaluation_strategy; run eval manually after training + bf16=torch.cuda.is_available() and torch.cuda.is_bf16_supported(), + fp16=torch.cuda.is_available() and not torch.cuda.is_bf16_supported(), + gradient_checkpointing=True, + torch_compile=False, + report_to=["none"], + seed=args.seed, + ) + + # Transformers >=5.0.0 deprecates 'tokenizer' in Trainer in favor of 'processing_class' + trainer_init_sig = inspect.signature(Trainer.__init__) + trainer_common = dict( + model=model, + args=training_args, + train_dataset=tokenized["train"], + eval_dataset=tokenized["validation"], + data_collator=collator, + ) + if "processing_class" in trainer_init_sig.parameters: + trainer = Trainer(**trainer_common, processing_class=tokenizer) + else: + trainer = Trainer(**trainer_common, tokenizer=tokenizer) + + trainer.train() + + # Save only the updated adapters + os.makedirs(args.output_dir, exist_ok=True) + model.save_pretrained(args.output_dir) + tokenizer.save_pretrained(args.output_dir) + print(f"✅ Saved SFT LoRA adapters to: {args.output_dir}") + + # Manual evaluation via generation (accuracy / macro-F1) + try: + evaluate_generation(model, tokenizer, tokenized["test"], batch_size=max(1, args.batch_size)) + except Exception as e: + print(f"Evaluation (generation) failed: {e}") + + +if __name__ == "__main__": + main() + + diff --git a/Finllama/requir.txt b/Finllama/requir.txt new file mode 100644 index 0000000000..ab73e505c7 --- /dev/null +++ b/Finllama/requir.txt @@ -0,0 +1,156 @@ +accelerate==1.11.0 +aiohappyeyeballs==2.6.1 +aiohttp==3.13.1 +aiosignal==1.4.0 +anyio==4.11.0 +argon2-cffi==25.1.0 +argon2-cffi-bindings==25.1.0 +arrow==1.4.0 +asttokens==3.0.0 +async-lru==2.0.5 +async-timeout==5.0.1 +attrs==25.4.0 +babel==2.17.0 +beautifulsoup4==4.14.2 +bitsandbytes==0.48.1 +bleach==6.3.0 +certifi==2025.10.5 +cffi==2.0.0 +chardet==4.0.0 +charset-normalizer==3.4.4 +comm==0.2.3 +datasets==4.3.0 +debugpy==1.8.17 +decorator==5.2.1 +defusedxml==0.7.1 +dill==0.4.0 +exceptiongroup==1.3.0 +executing==2.2.1 +fastjsonschema==2.21.2 +filelock==3.0.12 +fqdn==1.5.1 +frozenlist==1.8.0 +fsspec==2025.9.0 +h11==0.16.0 +hf-xet==1.1.10 +httpcore==1.0.9 +httpx==0.28.1 +huggingface-hub==0.35.3 +idna==2.10 +importlib-metadata==3.7.0 +ipykernel==7.1.0 +ipython==8.37.0 +ipywidgets==8.1.7 +isoduration==20.11.0 +jedi==0.19.2 +Jinja2==3.1.6 +joblib==1.5.2 +json5==0.12.1 +jsonpointer==3.0.0 +jsonschema==4.25.1 +jsonschema-specifications==2025.9.1 +jupyter==1.1.1 +jupyter-console==6.6.3 +jupyter-events==0.12.0 +jupyter-lsp==2.3.0 +jupyter_client==8.6.3 +jupyter_core==5.9.1 +jupyter_server==2.17.0 +jupyter_server_terminals==0.5.3 +jupyterlab==4.4.10 +jupyterlab_pygments==0.3.0 +jupyterlab_server==2.28.0 +jupyterlab_widgets==3.0.15 +lark==1.3.1 +MarkupSafe==2.1.5 +matplotlib-inline==0.2.1 +mistune==3.1.4 +mpmath==1.3.0 +multidict==6.7.0 +multiprocess==0.70.16 +nbclient==0.10.2 +nbconvert==7.16.6 +nbformat==5.10.4 +nest-asyncio==1.6.0 +networkx==3.3 +notebook==7.4.7 +notebook_shim==0.2.4 +numpy==2.2.6 +nvidia-cublas-cu12==12.4.5.8 +nvidia-cuda-cupti-cu12==12.4.127 +nvidia-cuda-nvrtc-cu12==12.4.127 +nvidia-cuda-runtime-cu12==12.4.127 +nvidia-cudnn-cu12==9.1.0.70 +nvidia-cufft-cu12==11.2.1.3 +nvidia-curand-cu12==10.3.5.147 +nvidia-cusolver-cu12==11.6.1.9 +nvidia-cusparse-cu12==12.3.1.170 +nvidia-cusparselt-cu12==0.6.2 +nvidia-nccl-cu12==2.21.5 +nvidia-nvjitlink-cu12==12.4.127 +nvidia-nvtx-cu12==12.4.127 +overrides==7.7.0 +packaging==25.0 +pandas==2.3.3 +pandocfilters==1.5.1 +parso==0.8.5 +peft==0.17.1 +pexpect==4.9.0 +pillow==11.3.0 +platformdirs==4.5.0 +prometheus_client==0.23.1 +prompt_toolkit==3.0.52 +propcache==0.4.1 +psutil==7.1.2 +ptyprocess==0.7.0 +pure_eval==0.2.3 +pyarrow==22.0.0 +pycparser==2.23 +Pygments==2.19.2 +python-dateutil==2.9.0.post0 +python-json-logger==4.0.0 +pytz==2025.2 +PyYAML==6.0.3 +pyzmq==27.1.0 +referencing==0.37.0 +regex==2025.9.18 +requests==2.32.5 +rfc3339-validator==0.1.4 +rfc3986-validator==0.1.1 +rfc3987-syntax==1.1.0 +rpds-py==0.28.0 +safetensors==0.6.2 +scikit-learn==1.7.2 +scipy==1.15.3 +Send2Trash==1.8.3 +six==1.17.0 +sklearn==0.0 +sniffio==1.3.1 +soupsieve==2.8 +stack-data==0.6.3 +sympy==1.13.1 +terminado==0.18.1 +threadpoolctl==3.6.0 +tinycss2==1.4.0 +tokenizers==0.22.1 +tomli==2.3.0 +torch==2.6.0+cu124 +torchaudio==2.6.0+cu124 +torchvision==0.21.0+cu124 +tornado==6.5.2 +tqdm==4.67.1 +traitlets==5.14.3 +transformers==4.57.1 +triton==3.2.0 +typing_extensions==4.15.0 +tzdata==2025.2 +uri-template==1.3.0 +urllib3==1.26.20 +wcwidth==0.2.14 +webcolors==24.11.1 +webencodings==0.5.1 +websocket-client==1.9.0 +widgetsnbextension==4.0.14 +xxhash==3.6.0 +yarl==1.22.0 +zipp==3.23.0 diff --git a/README.md b/README.md index 7e90c60f6e..4c97b68012 100644 --- a/README.md +++ b/README.md @@ -1,69 +1,54 @@ -

- -

+
-
- arXiv - Discord - WeChat - X Follow -
- Community -
+### 📌 **Note:** This repository is a fork of the original [TradingAgents](https://github.com/TauricResearch/TradingAgents) repository from the paper "TradingAgents: Multi-Agents LLM Financial Trading Framework" ([arXiv:2412.20138](https://arxiv.org/abs/2412.20138)). This fork implements **FinAgents**, an extension that integrates a domain-adapted language model (FinLLaMA+) to enhance sentiment analysis and improve trading performance. -
- - Deutsch | - Español | - français | - 日本語 | - 한국어 | - Português | - Русский | - 中文
--- -# TradingAgents: Multi-Agents LLM Financial Trading Framework +# FinAgents: Multi-Agent Financial Trading with Domain-Adapted Language Models -> 🎉 **TradingAgents** officially released! We have received numerous inquiries about the work, and we would like to express our thanks for the enthusiasm in our community. -> -> So we decided to fully open-source the framework. Looking forward to building impactful projects with you! +> **FinAgents** extends the TradingAgents framework by integrating **FinLLaMA+**, a fine-tuned version of Llama 3.1–8B trained via LoRA on financial filings, earnings calls, and labeled sentiment datasets. This domain-adapted model provides ticker-grounded, confidence-calibrated sentiment embeddings that enhance textual reasoning and improve decision precision in multi-agent trading systems.
- - - - - TradingAgents Star History - - + +🚀 [FinAgents Framework](#finagents-framework) | ⚡ [Installation](#installation-and-cli) | 🎬 [Demo](https://www.youtube.com/watch?v=90gr5lwjIho) | 📦 [Package Usage](#tradingagents-package) | 🤝 [Contributing](#contributing) | 📄 [Citation](#citation) +
-
+## FinAgents Framework -🚀 [TradingAgents](#tradingagents-framework) | ⚡ [Installation & CLI](#installation-and-cli) | 🎬 [Demo](https://www.youtube.com/watch?v=90gr5lwjIho) | 📦 [Package Usage](#tradingagents-package) | 🤝 [Contributing](#contributing) | 📄 [Citation](#citation) +FinAgents extends the TradingAgents multi-agent trading framework, which mirrors the dynamics of real-world trading firms. By deploying specialized LLM-powered agents—from fundamental analysts, sentiment experts, and technical analysts, to trader and risk management teams—the platform collaboratively evaluates market conditions and informs trading decisions. These agents engage in dynamic discussions to pinpoint the optimal strategy. -
+### Key Enhancements + +**FinLLaMA+ Integration**: The framework integrates a domain-adapted language model (FinLLaMA+) that replaces the generic sentiment analysis used in the original TradingAgents. This enhancement includes: -## TradingAgents Framework +- **Domain-Adaptive Pretraining (DAPT)**: Pre-training on earnings call transcripts (~304M tokens) to improve financial language understanding, achieving a 22.52% reduction in perplexity +- **Supervised Fine-Tuning (SFT)**: Fine-tuning on Financial PhraseBank and SemEval-2017 Task 5 datasets (~6,000 labeled examples) for sentiment classification +- **Ticker-Grounded Sentiment Analysis**: Produces structured JSON outputs with sentiment polarity, confidence scores, and relevance metrics +- **Confidence-Weighted Aggregation**: Aggregates multiple news items into daily sentiment scores using confidence-weighted means -TradingAgents is a multi-agent trading framework that mirrors the dynamics of real-world trading firms. By deploying specialized LLM-powered agents: from fundamental analysts, sentiment experts, and technical analysts, to trader, risk management team, the platform collaboratively evaluates market conditions and informs trading decisions. Moreover, these agents engage in dynamic discussions to pinpoint the optimal strategy. +### Project Team + +- **Vaibhav Dhanuka** ([vdhanuka@wisc.edu](mailto:vdhanuka@wisc.edu)) - Infrastructure, LLM training, evaluation +- **Negi Shashwat** ([negi3@wisc.edu](mailto:negi3@wisc.edu)) - LLM fine-tuning, agent coordination, system design +- **Zichen Liu** ([zliu2263@wisc.edu](mailto:zliu2263@wisc.edu)) - Data collection/preprocessing, pipelines +- **Quanliang Liu** ([qliu388@wisc.edu](mailto:qliu388@wisc.edu)) - Backtesting, visualization, performance

-> TradingAgents framework is designed for research purposes. Trading performance may vary based on many factors, including the chosen backbone language models, model temperature, trading periods, the quality of data, and other non-deterministic factors. [It is not intended as financial, investment, or trading advice.](https://tauric.ai/disclaimer/) +> TradingAgents framework is designed for research purposes. Trading performance may vary based on many factors, including the chosen backbone language models, model temperature, trading periods, the quality of data, and other non-deterministic factors. It is not intended as financial, investment, or trading advice. Our framework decomposes complex trading tasks into specialized roles. This ensures the system achieves a robust, scalable approach to market analysis and decision-making. ### Analyst Team -- Fundamentals Analyst: Evaluates company financials and performance metrics, identifying intrinsic values and potential red flags. -- Sentiment Analyst: Analyzes social media and public sentiment using sentiment scoring algorithms to gauge short-term market mood. -- News Analyst: Monitors global news and macroeconomic indicators, interpreting the impact of events on market conditions. -- Technical Analyst: Utilizes technical indicators (like MACD and RSI) to detect trading patterns and forecast price movements. +- **Fundamentals Analyst**: Evaluates company financials and performance metrics, identifying intrinsic values and potential red flags. +- **Sentiment Analyst**: Analyzes social media and public sentiment using sentiment scoring algorithms to gauge short-term market mood. +- **News Analyst**: Enhanced with FinLLaMA+ for domain-specialized sentiment analysis. Monitors global news and macroeconomic indicators, interpreting the impact of events on market conditions with improved financial language understanding. +- **Technical Analyst**: Utilizes technical indicators (like MACD and RSI) to detect trading patterns and forecast price movements.

@@ -95,7 +80,13 @@ Our framework decomposes complex trading tasks into specialized roles. This ensu ### Installation -Clone TradingAgents: +Clone this fork: +```bash +git clone +cd TradingAgents +``` + +Or clone the original repository: ```bash git clone https://github.com/TauricResearch/TradingAgents.git cd TradingAgents @@ -127,29 +118,7 @@ cp .env.example .env # Edit .env with your actual API keys ``` -**Note:** We are happy to partner with Alpha Vantage to provide robust API support for TradingAgents. You can get a free AlphaVantage API [here](https://www.alphavantage.co/support/#api-key), TradingAgents-sourced requests also have increased rate limits to 60 requests per minute with no daily limits. Typically the quota is sufficient for performing complex tasks with TradingAgents thanks to Alpha Vantage’s open-source support program. If you prefer to use OpenAI for these data sources instead, you can modify the data vendor settings in `tradingagents/default_config.py`. - -### CLI Usage - -You can also try out the CLI directly by running: -```bash -python -m cli.main -``` -You will see a screen where you can select your desired tickers, date, LLMs, research depth, etc. - -

- -

- -An interface will appear showing results as they load, letting you track the agent's progress as it runs. - -

- -

- -

- -

+**Note:** We are happy to partner with Alpha Vantage to provide robust API support for TradingAgents. You can get a free AlphaVantage API [here](https://www.alphavantage.co/support/#api-key), TradingAgents-sourced requests also have increased rate limits to 60 requests per minute with no daily limits. Typically the quota is sufficient for performing complex tasks with TradingAgents thanks to Alpha Vantage's open-source support program. If you prefer to use OpenAI for these data sources instead, you can modify the data vendor settings in `tradingagents/default_config.py`. ## TradingAgents Package @@ -200,17 +169,50 @@ _, decision = ta.propagate("NVDA", "2024-05-10") print(decision) ``` -> The default configuration uses yfinance for stock price and technical data, and Alpha Vantage for fundamental and news data. For production use or if you encounter rate limits, consider upgrading to [Alpha Vantage Premium](https://www.alphavantage.co/premium/) for more stable and reliable data access. For offline experimentation, there's a local data vendor option that uses our **Tauric TradingDB**, a curated dataset for backtesting, though this is still in development. We're currently refining this dataset and plan to release it soon alongside our upcoming projects. Stay tuned! +> The default configuration uses yfinance for stock price and technical data, and Alpha Vantage for fundamental and news data. For production use or if you encounter rate limits, consider upgrading to [Alpha Vantage Premium](https://www.alphavantage.co/premium/) for more stable and reliable data access. For offline experimentation, there's a local data vendor option available, though this is still in development. You can view the full list of configurations in `tradingagents/default_config.py`. +## FinLLaMA+ Model Details + +### Training Pipeline + +1. **Domain-Adaptive Pretraining (DAPT)** + - Base model: Llama 3.1–8B + - Dataset: Earnings call transcripts (~304M tokens, 20% of full dataset) + - Method: QLoRA with 4-bit NF4 quantization + - Training: 1 epoch on NVIDIA A40 GPU (~6 days) + - Result: 22.52% perplexity reduction (6.4076 → 4.9649) + +2. **Supervised Fine-Tuning (SFT)** + - Datasets: Financial PhraseBank + SemEval-2017 Task 5 (~6,000 examples) + - Task: Sentiment classification (positive/neutral/negative/uncertain) + - Method: LoRA (rank r=16, α=32, dropout=0.05) + - Output: Structured JSON with sentiment, confidence, and relevance scores + +### Integration Architecture + +FinLLaMA+ serves as a drop-in replacement for the News and Social Sentiment agents. It processes financial news and social media updates, producing structured outputs that are aggregated into daily sentiment scores per ticker. The model includes: + +- **Caching and Deduplication**: Content hash-based caching and embedding similarity filtering to reduce redundant LLM calls +- **Relevance Scoring**: Hybrid semantic similarity and keyword matching to prioritize ticker-specific news +- **Market Sentiment Reports**: Generates interpretable narrative summaries for the Researcher Team + +## Evaluation Metrics + +Performance is evaluated using standard financial metrics: +- **Cumulative Return (CR)**: Total portfolio return over the evaluation period +- **Annualized Return (AR)**: Return normalized to an annual basis +- **Sharpe Ratio (SR)**: Risk-adjusted return metric +- **Maximum Drawdown (MDD)**: Largest peak-to-trough decline + ## Contributing -We welcome contributions from the community! Whether it's fixing a bug, improving documentation, or suggesting a new feature, your input helps make this project better. If you are interested in this line of research, please consider joining our open-source financial AI research community [Tauric Research](https://tauric.ai/). +This is a fork implementing FinAgents extensions to the TradingAgents framework. For contributions to the original TradingAgents project, please refer to the [original repository](https://github.com/TauricResearch/TradingAgents). ## Citation -Please reference our work if you find *TradingAgents* provides you with some help :) +### Original TradingAgents Paper ``` @misc{xiao2025tradingagentsmultiagentsllmfinancial, @@ -223,3 +225,11 @@ Please reference our work if you find *TradingAgents* provides you with some hel url={https://arxiv.org/abs/2412.20138}, } ``` + +### Related Works + +This project builds upon several key papers: +- **FinBERT** (Araci, 2019): Domain-specific transformers for finance +- **FinLLaMA** (Konstantinidis et al., 2024): Financial sentiment classification +- **Trading-R1** (Xiao et al., 2025a): Reinforcement learning for trading +- **ElliottAgents** (Wawer & Chudziak, 2025): Multi-agent LLM-based forecasting diff --git a/assets/TauricResearch.png b/assets/TauricResearch.png deleted file mode 100644 index 3e88994de4..0000000000 Binary files a/assets/TauricResearch.png and /dev/null differ diff --git a/assets/analyst.png b/assets/analyst.png deleted file mode 100644 index 9c89a6ee39..0000000000 Binary files a/assets/analyst.png and /dev/null differ diff --git a/assets/cli/cli_init.png b/assets/cli/cli_init.png deleted file mode 100644 index eeb2b637a8..0000000000 Binary files a/assets/cli/cli_init.png and /dev/null differ diff --git a/assets/cli/cli_news.png b/assets/cli/cli_news.png deleted file mode 100644 index b5d33bea42..0000000000 Binary files a/assets/cli/cli_news.png and /dev/null differ diff --git a/assets/cli/cli_technical.png b/assets/cli/cli_technical.png deleted file mode 100644 index 5fd363adb4..0000000000 Binary files a/assets/cli/cli_technical.png and /dev/null differ diff --git a/assets/cli/cli_transaction.png b/assets/cli/cli_transaction.png deleted file mode 100644 index ab36d2bc3a..0000000000 Binary files a/assets/cli/cli_transaction.png and /dev/null differ diff --git a/assets/researcher.png b/assets/researcher.png deleted file mode 100644 index 83015341af..0000000000 Binary files a/assets/researcher.png and /dev/null differ diff --git a/assets/risk.png b/assets/risk.png deleted file mode 100644 index 5708dc49a4..0000000000 Binary files a/assets/risk.png and /dev/null differ diff --git a/assets/schema.png b/assets/schema.png deleted file mode 100644 index 549f8c5bcd..0000000000 Binary files a/assets/schema.png and /dev/null differ diff --git a/assets/trader.png b/assets/trader.png deleted file mode 100644 index 2bd7f51dc7..0000000000 Binary files a/assets/trader.png and /dev/null differ diff --git a/assets/wechat.png b/assets/wechat.png deleted file mode 100644 index 943556803a..0000000000 Binary files a/assets/wechat.png and /dev/null differ diff --git a/confidence.py b/confidence.py new file mode 100644 index 0000000000..8d19fc33b4 --- /dev/null +++ b/confidence.py @@ -0,0 +1,524 @@ +#!/usr/bin/env python3 +import argparse +import json +import os +import re +from typing import Dict, List, Tuple, Optional + +import numpy as np +import torch +from transformers import AutoModelForSequenceClassification, AutoTokenizer, AutoModelForCausalLM +from sentence_transformers import SentenceTransformer +from peft import PeftModel + + +def load_sft_model(model_name_or_path: str): + """ + Load the fine-tuned (SFT) sequence classification model and tokenizer. + """ + tokenizer = AutoTokenizer.from_pretrained(model_name_or_path, use_fast=True) + model = AutoModelForSequenceClassification.from_pretrained(model_name_or_path) + model.eval() + return tokenizer, model + + +def classify_with_confidence( + tokenizer: AutoTokenizer, + model: AutoModelForSequenceClassification, + texts: List[str], +) -> List[Tuple[str, float]]: + """ + Run sentiment classification and return (label, confidence) for each text. + Confidence is defined as max softmax(logits). + """ + results: List[Tuple[str, float]] = [] + + # Batch to speed up a bit + batch_size = 16 + id2label = getattr(model.config, "id2label", None) + if not id2label: + # Align with finetune_dapt.py label set: Negative, Neutral, Positive + id2label = {0: "Negative", 1: "Neutral", 2: "Positive"} + + device = torch.device("cuda" if torch.cuda.is_available() else "cpu") + model = model.to(device) + + for start in range(0, len(texts), batch_size): + chunk = texts[start : start + batch_size] + enc = tokenizer( + chunk, + padding=True, + truncation=True, + max_length=256, + return_tensors="pt", + ) + enc = {k: v.to(device) for k, v in enc.items()} + with torch.no_grad(): + out = model(**enc) + logits = out.logits # [batch, num_labels] + probs = torch.softmax(logits, dim=-1) + confidences, indices = torch.max(probs, dim=-1) + for idx in range(len(chunk)): + label_idx = indices[idx].item() + label = id2label.get(label_idx, str(label_idx)) + # normalize label casing (positive/negative/neutral) + label_norm = label.lower() + results.append((label_norm, float(confidences[idx].item()))) + return results + + +def build_ticker_context(company: str, ticker: str) -> str: + """ + Build a short textual context for the ticker to be used for embeddings. + """ + # Very lightweight template; can be extended with sector/description if available + return f"{company}, {ticker}, company, stock, shares" + + +def tokenize(text: str) -> List[str]: + """ + Simple alphanumeric tokenization, lowercased. + """ + return re.findall(r"[A-Za-z0-9]+", text.lower()) + + +def keyword_boost(title: str, ticker_context: str, company: Optional[str] = None, ticker: Optional[str] = None) -> float: + """ + Simple, interpretable keyword/meta boost combining: + - +0.4 if title explicitly mentions the company name or ticker + - +0.2 if title mentions competitor/sector keywords + - Base overlap from Jaccard(title_tokens, context_tokens) + - Reduce base if the title is macro-level (economy/markets-wide) + """ + title_tokens = set(tokenize(title)) + context_tokens = set(tokenize(ticker_context)) + + # Add a small set of generic market keywords to context to better capture overlap + generic_keywords = { + "stock", "stocks", "share", "shares", "price", "profit", "profits", "loss", + "results", "earnings", "revenue", "deal", "merger", "acquisition", "jobs", + "cut", "cuts", "dividend", "rises", "falls", "up", "down", "guidance", + "forecast", "outlook", "sponsor", "sponsorship", "board", "turmoil", + } + context_tokens |= generic_keywords + + # Base overlap via Jaccard + union = title_tokens | context_tokens + inter = title_tokens & context_tokens + base_overlap = float(len(inter) / len(union)) if union else 0.0 + + # Company/ticker explicit mention (+0.4) + title_lower = title.lower() + company_mention = False + if company: + if company.lower() in title_lower: + company_mention = True + if ticker: + # substring check to avoid tokenizer punctuation issues (e.g., BRK.B) + if ticker.lower() in title_lower: + company_mention = True + + # Competitor/sector keywords (+0.2) — keep set small and generic + competitor_words = { + "competitor", "competitors", "rival", "rivals", "peer", "peers", "competition", + } + sector_words = { + "technology", "tech", "semiconductor", "chip", "software", "hardware", + "bank", "banks", "finance", "financials", "insurance", + "energy", "oil", "gas", "utilities", + "retail", "consumer", "automotive", "auto", + "healthcare", "pharma", "biotech", + "telecom", "communications", "media", + "aerospace", "defense", "industrial", + "mining", "metals", + "travel", "airline", "hospitality", + "ecommerce", "cloud", "ai", "artificial", "intelligence", + } + competitor_or_sector = bool(title_tokens & (competitor_words | sector_words)) + + # Macro-level hints → dampen base overlap + macro_words = { + "market", "markets", "economy", "economic", "macro", "inflation", "rates", + "interest", "fed", "federal", "policy", "geopolitical", "tariff", "trade", + "sector-wide", "industry-wide", "stocks", "equities", + } + is_macro = bool(title_tokens & macro_words) + + kb = base_overlap + if is_macro: + kb *= 0.6 # dampen base if distant/macro + if company_mention: + kb += 0.4 + if competitor_or_sector: + kb += 0.2 + + return float(np.clip(kb, 0.0, 1.0)) + + +def cosine_similarity(a: np.ndarray, b: np.ndarray) -> float: + """ + Cosine similarity for L2-normalized vectors is their dot product. + Ensure inputs are 1D arrays. + """ + a = a.reshape(-1) + b = b.reshape(-1) + den = (np.linalg.norm(a) * np.linalg.norm(b)) + if den == 0.0: + return 0.0 + return float(np.dot(a, b) / den) + + +def compute_relevance( + embedder: SentenceTransformer, + title: str, + company: str, + ticker: str, + beta: float = 0.7, +) -> float: + """ + By default: + relevance = 0.7 * cosine_sim(e_news, e_ticker) + 0.3 * keyword_boost + where e_* are sentence embeddings and keyword_boost includes simple meta/keyword rules. + """ + beta = float(np.clip(beta, 0.0, 1.0)) + ticker_ctx = build_ticker_context(company, ticker) + + embs = embedder.encode([title, ticker_ctx], normalize_embeddings=True) + e_news = embs[0] + e_ticker = embs[1] + + cos_sim = cosine_similarity(np.asarray(e_news), np.asarray(e_ticker)) + kb = keyword_boost(title, ticker_ctx, company=company, ticker=ticker) + relevance = beta * cos_sim + (1.0 - beta) * kb + # Clip to [0, 1] for interpretability + return float(np.clip(relevance, 0.0, 1.0)) + + +def default_ticker_for_company(company: str) -> str: + """ + Approximate mapping from company names in the sample dataset to tickers. + Falls back to an uppercase abbreviation if unknown. + """ + mapping: Dict[str, str] = { + "Tesco": "TSCO", + "CRH": "CRH", + "Holcim Lafarge": "LHN", + "Reed Elsevier": "RELX", + "Kingfisher": "KGF", + "Mr Bricolage": "MRB", + "Glencore": "GLEN", + "Diageo": "DGE", + "Shell": "SHEL", + "Shire": "SHP", + "Baxalta": "BXLT", + "BP": "BP", + "HSBC": "HSBA", + "Standard Chartered": "STAN", + } + if company in mapping: + return mapping[company] + # Fallback: uppercase initials (e.g., "Reed Elsevier" -> "RE") + initials = "".join([w[0] for w in company.split() if w]) + return initials.upper() or company.upper() + + +def round_float(value: float, ndigits: int = 2) -> float: + """ + Round float safely; ensures standard Python rounding and float type. + """ + return float(round(value, ndigits)) + + +def label_to_numeric(label: str) -> int: + """ + Map textual sentiment to numeric scheme: Negative=-1, Neutral=0, Positive=1. + """ + mapping = {"negative": -1, "neutral": 0, "positive": 1} + return int(mapping.get(label.lower(), 0)) + + +def build_instruction_prompt(text: str) -> str: + """ + Match the finetune_dapt.py instruction template for consistent scoring. + """ + return ( + "### Instruction:\n" + "Classify the sentiment of the following financial text.\n\n" + f"### Text:\n{text}\n\n" + "### Response:\n" + ) + + +def load_lora_causal_model(base_model_id: str, adapters_path: str, hf_token: str = None): + """ + Load base causal LM and attach LoRA adapters for SFT scoring via prompting. + """ + # Keep simple, no quantization by default here + model = AutoModelForCausalLM.from_pretrained( + base_model_id, + device_map="auto" if torch.cuda.is_available() else None, + low_cpu_mem_usage=True, + token=hf_token, + ) + tokenizer = AutoTokenizer.from_pretrained(base_model_id, use_fast=True, token=hf_token) + if tokenizer.pad_token is None: + tokenizer.pad_token = tokenizer.eos_token + try: + tokenizer.padding_side = "left" + except Exception: + pass + model = PeftModel.from_pretrained(model, adapters_path) + model.eval() + return tokenizer, model + + +def score_labels_with_lora( + tokenizer: AutoTokenizer, + model: AutoModelForCausalLM, + prompts: List[str], + label_texts: List[str], +) -> List[Tuple[str, float]]: + """ + Compute sentiment label and confidence using LoRA causal LM by scoring + log-likelihood of label strings conditioned on the prompt. + Returns (label_str_lowercase, confidence_softmax_over_labels). + """ + results: List[Tuple[str, float]] = [] + batch_size = 2 + + # Pre-tokenize label targets + label_ids_list = [tokenizer.encode(lbl, add_special_tokens=False) for lbl in label_texts] + + for start in range(0, len(prompts), batch_size): + chunk = prompts[start : start + batch_size] + enc = tokenizer( + chunk, + padding=True, + truncation=True, + max_length=512, + return_tensors="pt", + ) + # Determine embedding device similar to evaluation_sft.py to avoid full model move + try: + embed_device = model.base_model.get_input_embeddings().weight.device # type: ignore + except Exception: + try: + embed_device = model.get_input_embeddings().weight.device # type: ignore + except Exception: + embed_device = next(model.parameters()).device + input_ids = enc["input_ids"].to(embed_device) + attention_mask = enc["attention_mask"].to(embed_device) + + # For each sample in batch, score each label by teacher-forcing the label tokens + with torch.no_grad(): + for i in range(input_ids.size(0)): + prompt_ids = input_ids[i] + prompt_len = int(attention_mask[i].sum().item()) + # Store log-likelihood per label + label_logps = [] + for label_ids in label_ids_list: + # Concatenate prompt + label + target_ids = torch.tensor(label_ids, dtype=torch.long, device=embed_device) + concat_ids = torch.cat([prompt_ids[:prompt_len], target_ids], dim=0).unsqueeze(0) + concat_mask = torch.ones_like(concat_ids, device=embed_device) + out = model(input_ids=concat_ids, attention_mask=concat_mask) + logits = out.logits # [1, seq_len, vocab] + log_probs = torch.log_softmax(logits, dim=-1) + # Sum log-probs of each label token conditioned on preceding tokens + lp_sum = 0.0 + for k, tok in enumerate(target_ids): + # Position of token is prompt_len + k; use logits at previous position + pos = prompt_len + k + prev_pos = pos - 1 + if prev_pos < 0: + continue + lp = log_probs[0, prev_pos, tok.item()].item() + lp_sum += lp + label_logps.append(lp_sum) + # Softmax over label log-likelihoods to get confidence + logps_np = np.array(label_logps, dtype=np.float64) + # numerical stability + m = np.max(logps_np) + exp = np.exp(logps_np - m) + probs = exp / np.sum(exp) + best_idx = int(np.argmax(probs)) + best_label = label_texts[best_idx].lower() + best_conf = float(probs[best_idx]) + results.append((best_label, best_conf)) + return results + + +def lora_diagnostics(model: AutoModelForCausalLM) -> Dict[str, object]: + """ + Return basic diagnostics about LoRA adapter loading. + """ + diag: Dict[str, object] = {} + try: + adapter_names = getattr(model, "active_adapters", None) + if adapter_names is None: + # newer peft exposes 'peft_config' dict and 'active_adapter' + peft_cfg = getattr(model, "peft_config", None) + if isinstance(peft_cfg, dict): + adapter_names = list(peft_cfg.keys()) + diag["adapter_names"] = adapter_names + except Exception: + diag["adapter_names"] = None + + # Count trainable LoRA parameters + total_params = 0 + lora_trainable = 0 + lora_total = 0 + for name, p in model.named_parameters(): + num = p.numel() + total_params += num + if "lora_" in name: + lora_total += num + if p.requires_grad: + lora_trainable += num + diag["total_params"] = total_params + diag["lora_total_params"] = lora_total + diag["lora_trainable_params"] = lora_trainable + diag["lora_trainable_pct"] = (float(lora_trainable) / float(total_params)) if total_params else 0.0 + return diag + + +def main(): + parser = argparse.ArgumentParser(description="Compute sentiment confidence and relevance for headlines.") + parser.add_argument( + "--dataset", + type=str, + default="/u/v/d/vdhanuka/defeatbeta-api-main/Headline_Trialdata.json", + help="Path to Headline_Trialdata.json", + ) + parser.add_argument( + "--output", + type=str, + default="/u/v/d/vdhanuka/defeatbeta-api-main/headline_results1.json", + help="Where to write the results JSON.", + ) + parser.add_argument( + "--sft_model", + type=str, + default=os.environ.get("SFT_MODEL_NAME", "distilbert-base-uncased-finetuned-sst-2-english"), + help="Hugging Face model path/name for SFT classifier.", + ) + parser.add_argument( + "--use_lora_sft", + action="store_true", + help="Use LoRA SFT adapters on a causal LM (meta-llama) for scoring instead of a classifier.", + ) + parser.add_argument( + "--diagnose_lora", + action="store_true", + help="Print diagnostics about loaded LoRA adapters and run a quick probe.", + ) + parser.add_argument( + "--diagnose_only", + action="store_true", + help="If set with --use_lora_sft, run diagnostics/probe and exit without processing dataset.", + ) + parser.add_argument( + "--base_model_id", + type=str, + default=os.environ.get("BASE_MODEL_ID", "meta-llama/Llama-3.1-8B"), + help="Base model ID for LoRA SFT mode.", + ) + parser.add_argument( + "--adapters_path", + type=str, + default=os.environ.get("ADAPTERS_PATH", "/u/v/d/vdhanuka/defeatbeta-api-main/dapt_sft_adapters_e4_60_20_20"), + help="Path to LoRA adapters for LoRA SFT mode.", + ) + parser.add_argument( + "--embedding_model", + type=str, + default=os.environ.get("EMBEDDING_MODEL_NAME", "sentence-transformers/all-MiniLM-L6-v2"), + help="Sentence-Transformers model for embeddings.", + ) + parser.add_argument( + "--beta", + type=float, + default=float(os.environ.get("RELEVANCE_BETA", 0.8)), + help="Weight for semantic similarity in relevance calculation (0.7 - 0.9 recommended).", + ) + parser.add_argument( + "--max_items", + type=int, + default=0, + help="If > 0, limit processing to first N items (useful for quick checks).", + ) + args = parser.parse_args() + + # Load dataset + with open(args.dataset, "r", encoding="utf-8") as f: + data = json.load(f) + if not isinstance(data, list): + raise ValueError("Dataset must be a JSON list of headline objects.") + + if args.max_items and args.max_items > 0: + data = data[: args.max_items] + + # Prepare models + embedder = SentenceTransformer(args.embedding_model) + + # Sentiment path: classifier or LoRA SFT + if args.use_lora_sft: + hf_token = ( + os.getenv("HUGGING_FACE_HUB_TOKEN") + or os.getenv("HF_TOKEN") + or os.getenv("HUGGINGFACEHUB_API_TOKEN") + ) + causal_tokenizer, causal_model = load_lora_causal_model(args.base_model_id, args.adapters_path, hf_token) + if args.diagnose_lora: + diag = lora_diagnostics(causal_model) + print("[LoRA] Diagnostics:", json.dumps(diag, indent=2)) + # Quick probe + probe_prompt = build_instruction_prompt("Stocks rose after strong earnings.") + label_texts = ["Positive", "Neutral", "Negative"] + probe = score_labels_with_lora(causal_tokenizer, causal_model, [probe_prompt], label_texts) + if probe: + lbl, conf = probe[0] + print(f"[LoRA] Probe prediction: {lbl} (confidence={conf:.3f})") + if args.diagnose_only: + return + prompts = [build_instruction_prompt(item.get("title", "")) for item in data] + label_texts = ["Positive", "Neutral", "Negative"] + sent_conf = score_labels_with_lora(causal_tokenizer, causal_model, prompts, label_texts) + else: + tokenizer, model = load_sft_model(args.sft_model) + # Collect texts for batch classification + texts = [item.get("title", "") for item in data] + sent_conf = classify_with_confidence(tokenizer, model, texts) + + # Normalize mapping when using LoRA path (already lowercase strings returned) + def to_numeric(lbl: str) -> int: + return label_to_numeric(lbl) + + results = [] + for item, (label, conf) in zip(data, sent_conf): + title = item.get("title", "") + company = item.get("company", "") + ticker = default_ticker_for_company(company) + relevance = compute_relevance(embedder, title, company, ticker, beta=args.beta) + results.append({ + "id": item.get("id"), + "title": title, + "company": company, + "sentiment": label, + "sentiment_score": to_numeric(label), + "confidence": round_float(conf, 2), + "relevance": round_float(relevance, 2), + "ticker": ticker, + }) + + # Write output + with open(args.output, "w", encoding="utf-8") as f: + json.dump(results, f, ensure_ascii=False, indent=2) + + print(f"Wrote {len(results)} results to: {args.output}") + + +if __name__ == "__main__": + main() + + diff --git a/evaluation_buy_sell/__init__.py b/evaluation_buy_sell/__init__.py new file mode 100644 index 0000000000..58590254d3 --- /dev/null +++ b/evaluation_buy_sell/__init__.py @@ -0,0 +1,66 @@ +from .baseline_strategies import ( + BuyAndHoldStrategy, + MACDStrategy, + KDJRSIStrategy, + ZMRStrategy, + SMAStrategy, + get_all_baseline_strategies +) + +from .metrics import ( + calculate_cumulative_return, + calculate_annualized_return, + calculate_sharpe_ratio, + calculate_maximum_drawdown, + calculate_all_metrics, + create_comparison_table +) + +from .backtest import ( + BacktestEngine, + TradingAgentsBacktester, + load_stock_data +) + +from .visualize import ( + plot_cumulative_returns, + plot_transaction_history, + plot_metrics_comparison, + plot_drawdown, + create_summary_report +) + +from .run_evaluation import run_evaluation + +__all__ = [ + # Strategies + 'BuyAndHoldStrategy', + 'MACDStrategy', + 'KDJRSIStrategy', + 'ZMRStrategy', + 'SMAStrategy', + 'get_all_baseline_strategies', + + # Metrics + 'calculate_cumulative_return', + 'calculate_annualized_return', + 'calculate_sharpe_ratio', + 'calculate_maximum_drawdown', + 'calculate_all_metrics', + 'create_comparison_table', + + # Backtesting + 'BacktestEngine', + 'TradingAgentsBacktester', + 'load_stock_data', + + # Visualization + 'plot_cumulative_returns', + 'plot_transaction_history', + 'plot_metrics_comparison', + 'plot_drawdown', + 'create_summary_report', + + # Main evaluation + 'run_evaluation', +] \ No newline at end of file diff --git a/evaluation_buy_sell/backtest.py b/evaluation_buy_sell/backtest.py new file mode 100644 index 0000000000..77347c072d --- /dev/null +++ b/evaluation_buy_sell/backtest.py @@ -0,0 +1,251 @@ +""" +Backtesting engine for TradingAgents and baseline strategies. + +Both TradingAgents and rule-based strategies use identical return calculation logic: + 1. Generate signals/actions: 1 (BUY), 0 (HOLD), -1 (SELL) + 2. Convert actions to positions: 1 (long), 0 (flat) + 3. Calculate returns: strategy_return = position.shift(1) * market_return + +This ensures apples-to-apples comparison across all strategies. +""" + +import pandas as pd +import numpy as np +from typing import Dict, List +from pathlib import Path +import json + + +STD_FIELDS = {"Open", "High", "Low", "Close", "Adj Close", "Volume"} + + +class TradingAgentsBacktester: + """Backtest engine for TradingAgents framework.""" + + def __init__(self, trading_agents_graph, initial_capital=100000, output_dir=None): + self.graph = trading_agents_graph + self.initial_capital = float(initial_capital) + self.name = "TradingAgents" + self.output_dir = output_dir + + def backtest(self, ticker: str, start_date: str, end_date: str, data: pd.DataFrame) -> pd.DataFrame: + """ + Backtest TradingAgents using the same return calculation logic as rule-based strategies. + + Process: + 1. Collect signals (actions: 1=BUY, 0=HOLD, -1=SELL) for all dates + 2. Convert actions to positions (0=flat, 1=long) using same logic as baselines + 3. Calculate returns as: strategy_return = position.shift(1) * market_return + """ + # Restrict to window + df = data.loc[start_date:end_date].copy() + + decisions: List[Dict] = [] + signals = pd.Series(0, index=df.index, dtype=float) + + print(f"\nRunning TradingAgents backtest on {ticker} from {start_date} to {end_date}") + print(f"Total trading days: {len(df)}") + print("-" * 80) + + # Step 1: Collect all signals/decisions + for i, (date, row) in enumerate(df.iterrows()): + date_str = date.strftime("%Y-%m-%d") + price = float(row["Close"]) + + # Get decision from TradingAgents graph + try: + print(f"\n[{i+1}/{len(df)}] {date_str} ... ", end="") + final_state, decision = self.graph.propagate(ticker, date_str) + print(f"Decision: {decision}") + signal = self._parse_decision(decision) + decisions.append({"date": date_str, "decision": decision, "signal": signal, "price": price}) + + except Exception as e: + print(f"Error: {e}") + signal = 0 + decisions.append({"date": date_str, "decision": "ERROR", "signal": 0, "price": price, "error": str(e)}) + + signals.loc[date] = signal + + # Step 2: Convert actions to positions (same logic as baseline strategies) + position = self._actions_to_position(signals) + + # Step 3: Calculate returns using standardized logic + close = pd.to_numeric(df["Close"], errors="coerce") + market_ret = close.pct_change().fillna(0.0) + exposure = position.shift(1).fillna(0.0) # Yesterday's position determines today's exposure + strat_ret = (exposure * market_ret).astype(float) + + cumret = (1.0 + strat_ret).cumprod() + portval = self.initial_capital * cumret + + # Build portfolio DataFrame with same structure as baseline strategies + portfolio = pd.DataFrame(index=df.index) + portfolio["action"] = signals # 1=BUY, 0=HOLD, -1=SELL + portfolio["position"] = position # 1=long, 0=flat + portfolio["close"] = close + if "Volume" in df.columns: + vol = df["Volume"] + if isinstance(vol, pd.DataFrame) and vol.shape[1] == 1: + vol = vol.iloc[:, 0] + if isinstance(vol, pd.Series): + portfolio["Volume"] = vol + portfolio["market_return"] = market_ret + portfolio["strategy_return"] = strat_ret + portfolio["cumulative_return"] = cumret + portfolio["portfolio_value"] = portval + portfolio["trade_delta"] = portfolio["position"].diff().fillna(0.0) # +1=buy, -1=sell + + self._save_decisions_log(ticker, decisions, start_date, end_date) + return portfolio + + @staticmethod + def _actions_to_position(actions: pd.Series) -> pd.Series: + """ + Convert action series to a long-only position series in {0,1}. + Same logic as baseline strategies for consistency. + """ + a = actions.astype(float).fillna(0.0).clip(-1, 1).values + pos = np.zeros_like(a, dtype=float) + for i in range(len(a)): + if i == 0: + pos[i] = 1.0 if a[i] > 0 else 0.0 + else: + if a[i] > 0: # buy → long + pos[i] = 1.0 + elif a[i] < 0: # sell → flat + pos[i] = 0.0 + else: # hold → keep previous + pos[i] = pos[i-1] + return pd.Series(pos, index=actions.index, name="position") + + def _parse_decision(self, decision: str) -> int: + """ + Parse decision to signal. + We interpret: + - contains 'BUY' or 'LONG' -> 1 + - contains 'SELL' or 'EXIT' -> -1 (we use -1 as 'close to cash' here) + - otherwise HOLD -> 0 + """ + d = str(decision).upper() + if "BUY" in d or "LONG" in d: + return 1 + if "SELL" in d or "EXIT" in d or "CLOSE" in d: + return -1 + return 0 + + def _save_decisions_log(self, ticker: str, decisions: List[Dict], start_date: str, end_date: str): + # Use output_dir if provided, otherwise use default + if self.output_dir: + out = Path(self.output_dir) / ticker / "TradingAgents" + else: + out = Path(f"eval_results/{ticker}/TradingAgents") + out.mkdir(parents=True, exist_ok=True) + fp = out / f"decisions_{start_date}_to_{end_date}.json" + with open(fp, "w") as f: + json.dump({ + "strategy": "TradingAgents", + "ticker": ticker, + "start_date": start_date, + "end_date": end_date, + "total_days": len(decisions), + "decisions": decisions + }, f, indent=2) + print(f" ✓ Saved TradingAgents detailed decisions to: {fp}") + + +class BacktestEngine: + """Engine to run and compare multiple strategies.""" + + def __init__(self, data: pd.DataFrame, initial_capital: float = 100000): + self.data = data + self.initial_capital = float(initial_capital) + self.results: Dict[str, pd.DataFrame] = {} + + def run_strategy(self, strategy, start_date: str = None, end_date: str = None, label = None) -> pd.DataFrame: + data_filtered = self.data.loc[start_date:end_date] if (start_date and end_date) else self.data + print(f"\nRunning {strategy.name}...") + portfolio = strategy.backtest(data_filtered) + self.results[label or strategy.name] = portfolio + return portfolio + + def run_all_strategies(self, strategies: Dict, start_date: str = None, end_date: str = None): + for name, strategy in strategies.items(): + try: + self.run_strategy(strategy, start_date, end_date) + print(f"✓ {name} completed") + except Exception as e: + print(f"✗ {name} failed: {e}") + + def get_results(self) -> Dict[str, pd.DataFrame]: + return self.results + + +def load_stock_data(ticker: str, start_date: str, end_date: str) -> pd.DataFrame: + try: + import yfinance as yf + # Normalize accidental ('A','A','P','L') / ['A','A','P','L'] + if isinstance(ticker, (list, tuple)) and all(isinstance(c, str) and len(c) == 1 for c in ticker): + ticker = "".join(ticker) + + if not isinstance(ticker, str): + raise ValueError("Pass a single ticker symbol as a string, e.g., 'AAPL'.") + + df = yf.download(ticker, start=start_date, end=end_date, progress=False) + if df.empty: + raise ValueError(f"No data found for {ticker}") + return df + + except Exception as e: + print(f"Error loading data: {e}") + raise + +def standardize_single_ticker(df: pd.DataFrame, ticker: str | None = None) -> pd.DataFrame: + """Return a single-ticker OHLCV DataFrame with simple columns. + Works with yfinance single or multi-ticker outputs. + """ + df = df.copy() + + # If columns are MultiIndex (common with multi-ticker yfinance) + if isinstance(df.columns, pd.MultiIndex): + # Figure out which level is the field (Open/High/...) and which is ticker + lvl0 = set(map(str, df.columns.get_level_values(0))) + lvl1 = set(map(str, df.columns.get_level_values(1))) + if len(STD_FIELDS & lvl0) > 0: + field_level, ticker_level = 0, 1 + elif len(STD_FIELDS & lvl1) > 0: + field_level, ticker_level = 1, 0 + else: + raise ValueError("Cannot detect OHLCV field level in MultiIndex columns.") + + available = list(pd.Index(df.columns.get_level_values(ticker_level)).unique()) + + # Normalize weird ticker inputs like ('A','A','P','L') -> 'AAPL' + if isinstance(ticker, (list, tuple)) and all(isinstance(c, str) and len(c) == 1 for c in ticker): + ticker = "".join(ticker) + if ticker is None: + if len(available) != 1: + raise ValueError(f"Multi-ticker DataFrame. Pick one with ticker=..., available={available}") + ticker = available[0] + if str(ticker) not in map(str, available): + raise ValueError(f"Ticker {ticker!r} not in columns. Available: {available}") + + # Slice to that ticker and drop the ticker level + df = df.xs(ticker, axis=1, level=ticker_level) + + # Map Adj Close -> Close if Close missing + if "Close" not in df.columns and "Adj Close" in df.columns: + df = df.rename(columns={"Adj Close": "Close"}) + + # Final sanity + req = ["Open", "High", "Low", "Close"] + missing = [c for c in req if c not in df.columns] + if missing: + raise ValueError(f"Data missing columns: {missing}") + + # Ensure 'Close' is a Series (not 1-col DataFrame) + close = df["Close"] + if isinstance(close, pd.DataFrame) and close.shape[1] == 1: + df["Close"] = close.iloc[:, 0] + + return df \ No newline at end of file diff --git a/evaluation_buy_sell/baseline_strategies.py b/evaluation_buy_sell/baseline_strategies.py new file mode 100644 index 0000000000..30fed908e6 --- /dev/null +++ b/evaluation_buy_sell/baseline_strategies.py @@ -0,0 +1,187 @@ +import pandas as pd +import numpy as np +from abc import ABC, abstractmethod + + +class BaseStrategy(ABC): + """Base class for trading strategies (long-only, action-based).""" + + def __init__(self, initial_capital=100000): + self.initial_capital = float(initial_capital) + self.name = self.__class__.__name__ + + def _close_series(self, data: pd.DataFrame) -> pd.Series: + close = data["Close"] + if isinstance(close, pd.DataFrame): + if close.shape[1] == 1: + close = close.iloc[:, 0] + else: + raise ValueError("Multiple 'Close' columns detected. Pass single-ticker data.") + return pd.to_numeric(close, errors="coerce") + + @abstractmethod + def generate_signals(self, data: pd.DataFrame) -> pd.Series: + """ + Generate *actions* by date: + 1 = BUY (open / go long, or stay long) + 0 = HOLD (no change) + -1 = SELL (exit to flat) + Shorting is NOT allowed. + """ + pass + + def _prep_ohlcv(self, data: pd.DataFrame) -> pd.DataFrame: + req = ["Open", "High", "Low", "Close"] + for col in req: + if col not in data.columns: + raise ValueError(f"Data missing column '{col}'") + return data.copy() + + @staticmethod + def _actions_to_position(actions: pd.Series) -> pd.Series: + """Convert action series to a long-only position series in {0,1}.""" + a = actions.astype(float).fillna(0.0).clip(-1, 1).values + pos = np.zeros_like(a, dtype=float) + for i in range(len(a)): + if i == 0: + pos[i] = 1.0 if a[i] > 0 else 0.0 + else: + if a[i] > 0: # buy → long + pos[i] = 1.0 + elif a[i] < 0: # sell → flat + pos[i] = 0.0 + else: # hold → keep previous + pos[i] = pos[i-1] + return pd.Series(pos, index=actions.index, name="position") + + def backtest(self, data: pd.DataFrame) -> pd.DataFrame: + df = self._prep_ohlcv(data) + + # 1) get actions (1, 0, -1) + actions = self.generate_signals(df).reindex(df.index).fillna(0).clip(-1, 1).astype(float) + + # 2) map actions → long-only position {0,1} + position = self._actions_to_position(actions) + + # 3) compute returns (note: sell today → flat tomorrow → 0 return tomorrow) + close = self._close_series(df) + market_ret = close.pct_change().fillna(0.0) + exposure = position.shift(1).fillna(0.0) # use yesterday's position + strat_ret = (exposure * market_ret).astype(float) + + cumret = (1.0 + strat_ret).cumprod() + portval = self.initial_capital * cumret + + portfolio = pd.DataFrame(index=df.index) + portfolio["action"] = actions # 1 buy / 0 hold / -1 sell + portfolio["position"] = position # 1 long / 0 flat + portfolio["close"] = close + if "Volume" in df.columns: + vol = df["Volume"] + if isinstance(vol, pd.DataFrame) and vol.shape[1] == 1: + vol = vol.iloc[:, 0] + if isinstance(vol, pd.Series): + portfolio["Volume"] = vol + portfolio["market_return"] = market_ret + portfolio["strategy_return"] = strat_ret + portfolio["cumulative_return"] = cumret + portfolio["portfolio_value"] = portval + portfolio["trade_delta"] = portfolio["position"].diff().fillna(0.0) # +1 buy, -1 sell + return portfolio + + +class BuyAndHoldStrategy(BaseStrategy): + """Buy on day 1 and hold long (no shorting).""" + + def generate_signals(self, data: pd.DataFrame) -> pd.Series: + a = pd.Series(0.0, index=data.index) + if len(a) > 0: + a.iloc[0] = 1.0 # buy once at start + return a + + +class MACDStrategy(BaseStrategy): + """MACD(12,26,9) Contrarian, long-only:MACD>signal → SELL(退出),MACD 0] = -1.0 # 卖出/退出(之前是做空) + a[diff < 0] = 1.0 # 买入/做多 + return a + + +class KDJRSIStrategy(BaseStrategy): + """KDJ + RSI 逆势逻辑(长多-only):超买 → 卖出;超卖 → 买入""" + + def generate_signals(self, data): + df = data.copy() + + # === RSI === + delta = df["Close"].diff() + up, down = delta.clip(lower=0), -delta.clip(upper=0) + rs = up.ewm(span=14, adjust=False).mean() / down.ewm(span=14, adjust=False).mean().replace(0, np.nan) + df["rsi"] = 100 - 100 / (1 + rs) + + # === KDJ === + low = df["Low"].rolling(9).min() + high = df["High"].rolling(9).max() + denom = (high - low).replace(0, np.nan) + rsv = 100 * (df["Close"] - low) / denom + k = rsv.ewm(com=2, adjust=False).mean() + df["kdj_k"] = k + + # === Actions === + a = pd.Series(0.0, index=df.index) + # 收紧阈值:RSI>75,K>85 → 卖出;RSI<25,K<15 → 买入 + a[(df["rsi"] > 75) & (df["kdj_k"] > 85)] = -1.0 + a[(df["rsi"] < 25) & (df["kdj_k"] < 15)] = 1.0 + return a + + +class ZMRStrategy(BaseStrategy): + + def generate_signals(self, data): + close = self._close_series(data) + mean = close.rolling(50).mean() + std = close.rolling(50).std() + z = (close - mean) / std.replace(0, np.nan) + + a = pd.Series(0.0, index=data.index) + a[z > 1.3] = -1.0 # 高估 → 卖出/退出 + a[z < -1.3] = 1.0 # 低估 → 买入/做多 + return a + + +class SMAStrategy(BaseStrategy): + + def __init__(self, initial_capital=100000, short_window=5, long_window=20): + super().__init__(initial_capital) + self.short_window = int(short_window) + self.long_window = int(long_window) + + def generate_signals(self, data: pd.DataFrame) -> pd.Series: + close = self._close_series(data) + short = close.rolling(window=self.short_window, min_periods=self.short_window).mean() + long_ = close.rolling(window=self.long_window, min_periods=self.long_window).mean() + a = pd.Series(0.0, index=data.index) + a[short > long_] = 1.0 + a[short < long_] = -1.0 + return a + + +def get_all_baseline_strategies(initial_capital=100000): + """Get all baseline strategies for comparison (long-only, action-based).""" + return { + "BuyAndHold": BuyAndHoldStrategy(initial_capital), + "MACD": MACDStrategy(initial_capital), + "KDJ&RSI": KDJRSIStrategy(initial_capital), + "ZMR": ZMRStrategy(initial_capital), + "SMA": SMAStrategy(initial_capital), + } diff --git a/evaluation_buy_sell/metrics.py b/evaluation_buy_sell/metrics.py new file mode 100644 index 0000000000..2f2c2b4fd3 --- /dev/null +++ b/evaluation_buy_sell/metrics.py @@ -0,0 +1,116 @@ +""" +Evaluation metrics for trading strategies. +Implements: Cumulative Return, Annualized Return, Sharpe Ratio, Maximum Drawdown +""" + +import pandas as pd +import numpy as np +from typing import Dict + + +def _require_cols(df: pd.DataFrame, cols): + missing = [c for c in cols if c not in df.columns] + if missing: + raise ValueError(f"Portfolio missing columns: {missing}") + + +def calculate_cumulative_return(portfolio: pd.DataFrame) -> float: + """CR% = (V_end / V_start - 1) * 100""" + _require_cols(portfolio, ["portfolio_value"]) + v_start = float(portfolio["portfolio_value"].iloc[0]) + v_end = float(portfolio["portfolio_value"].iloc[-1]) + if v_start <= 0: + return 0.0 + return (v_end / v_start - 1.0) * 100.0 + + +def calculate_annualized_return(portfolio: pd.DataFrame, trading_days: int | None = None) -> float: + """AR% = ((V_end / V_start) ** (1/years) - 1) * 100 with 252 trading days/year.""" + _require_cols(portfolio, ["portfolio_value"]) + v_start = float(portfolio["portfolio_value"].iloc[0]) + v_end = float(portfolio["portfolio_value"].iloc[-1]) + if v_start <= 0 or v_end <= 0: + return 0.0 + if trading_days is None: + trading_days = len(portfolio) + years = trading_days / 252.0 + if years <= 0: + return 0.0 + return ((v_end / v_start) ** (1.0 / years) - 1.0) * 100.0 + + +def calculate_sharpe_ratio(portfolio: pd.DataFrame, risk_free_rate: float = 0.02) -> float: + """ + SR = (E[r] - r_f) / stdev(r), where r are *daily* strategy returns, + annualized using 252 trading days (paper S1.2.3). + """ + _require_cols(portfolio, ["strategy_return"]) + r = portfolio["strategy_return"].dropna().astype(float) + if len(r) < 2 or r.std() == 0: + return 0.0 + mean_ann = r.mean() * 252.0 + std_ann = r.std(ddof=1) * np.sqrt(252.0) + if std_ann == 0: + return 0.0 + return (mean_ann - risk_free_rate) / std_ann + + +def calculate_maximum_drawdown(portfolio: pd.DataFrame) -> float: + """MDD% = max drawdown on portfolio_value (peak->trough) * 100""" + _require_cols(portfolio, ["portfolio_value"]) + values = portfolio["portfolio_value"].astype(float) + running_max = values.cummax() + drawdown = (values - running_max) / running_max + return float(drawdown.min() * -100.0) + + +def calculate_win_rate(portfolio: pd.DataFrame) -> float: + """% days where strategy_return > 0""" + _require_cols(portfolio, ["strategy_return"]) + r = portfolio["strategy_return"].dropna() + if len(r) == 0: + return 0.0 + return 100.0 * (r > 0).sum() / len(r) + + +def calculate_profit_factor(portfolio: pd.DataFrame) -> float: + """Gross profit / gross loss on daily returns (informative extra metric).""" + _require_cols(portfolio, ["strategy_return"]) + r = portfolio["strategy_return"].dropna() + gp = r[r > 0].sum() + gl = -r[r < 0].sum() + if gl == 0: + return float("inf") if gp > 0 else 0.0 + return float(gp / gl) + + +def calculate_all_metrics(portfolio: pd.DataFrame, risk_free_rate: float = 0.02) -> Dict[str, float]: + return { + "Cumulative Return (%)": calculate_cumulative_return(portfolio), + "Annualized Return (%)": calculate_annualized_return(portfolio), + "Sharpe Ratio": calculate_sharpe_ratio(portfolio, risk_free_rate), + "Maximum Drawdown (%)": calculate_maximum_drawdown(portfolio), + # Extras (not in table but handy) + "Win Rate (%)": calculate_win_rate(portfolio), + "Profit Factor": calculate_profit_factor(portfolio), + } + + +def print_metrics(metrics: Dict[str, float], strategy_name: str = "Strategy"): + print(f"\n{'='*60}") + print(f"{strategy_name} Performance Metrics") + print(f"{'='*60}") + for k, v in metrics.items(): + if "Ratio" in k or "Factor" in k: + print(f"{k:30s}: {v:8.2f}") + else: + print(f"{k:30s}: {v:8.2f}%") + print(f"{'='*60}\n") + + +def create_comparison_table(all_metrics: Dict[str, Dict[str, float]]) -> pd.DataFrame: + df = pd.DataFrame(all_metrics).T + df = df.round(2) + if "Sharpe Ratio" in df.columns: + df = df.sort_values("Sharpe Ratio", ascending=False) + return df diff --git a/evaluation_buy_sell/run_evaluation.py b/evaluation_buy_sell/run_evaluation.py new file mode 100644 index 0000000000..b0d9e3fdd6 --- /dev/null +++ b/evaluation_buy_sell/run_evaluation.py @@ -0,0 +1,273 @@ +""" +Main evaluation script to run backtesting and generate results. +Evaluates TradingAgents against baseline strategies for a single ticker. +""" + +import argparse +import sys +from pathlib import Path +from datetime import datetime +import pandas as pd +import json + +# Add parent directory to path +sys.path.insert(0, str(Path(__file__).parent.parent)) + +from evaluation.baseline_strategies import get_all_baseline_strategies +from evaluation.backtest import BacktestEngine, TradingAgentsBacktester, load_stock_data, standardize_single_ticker +from evaluation.metrics import calculate_all_metrics, create_comparison_table, print_metrics +from evaluation.visualize import plot_cumulative_returns_from_results + +from tradingagents.graph.trading_graph import TradingAgentsGraph +from tradingagents.default_config import DEFAULT_CONFIG + +def is_debugging() -> bool: + try: + import debugpy + return debugpy.is_client_connected() + except Exception: + return False + + +def save_strategy_actions_to_json( + portfolio: pd.DataFrame, + strategy_name: str, + ticker: str, + start_date: str, + end_date: str, + output_dir: str +) -> None: + """ + Save daily actions from a strategy to a JSON file. + + Args: + portfolio: Portfolio DataFrame with action, position, close, etc. + strategy_name: Name of the strategy + ticker: Stock ticker symbol + start_date: Start date of backtest + end_date: End date of backtest + output_dir: Directory to save the JSON file + """ + out = Path(output_dir) / ticker / strategy_name + out.mkdir(parents=True, exist_ok=True) + + # Build actions list with relevant daily info + actions = [] + for date, row in portfolio.iterrows(): + date_str = date.strftime("%Y-%m-%d") + action_record = { + "date": date_str, + "action": int(row["action"]) if pd.notna(row["action"]) else 0, # 1=BUY, 0=HOLD, -1=SELL + "position": int(row["position"]) if pd.notna(row["position"]) else 0, # 1=long, 0=flat + "close_price": float(row["close"]) if pd.notna(row["close"]) else None, + "portfolio_value": float(row["portfolio_value"]) if pd.notna(row["portfolio_value"]) else None, + "strategy_return": float(row["strategy_return"]) if pd.notna(row["strategy_return"]) else 0.0, + "cumulative_return": float(row["cumulative_return"]) if pd.notna(row["cumulative_return"]) else 1.0 + } + actions.append(action_record) + + # Save to JSON + fp = out / f"actions_{start_date}_to_{end_date}.json" + with open(fp, "w") as f: + json.dump({ + "strategy": strategy_name, + "ticker": ticker, + "start_date": start_date, + "end_date": end_date, + "total_days": len(actions), + "actions": actions + }, f, indent=2) + + print(f" ✓ Saved {strategy_name} actions to: {fp}") + + +def run_evaluation( + ticker: str, + start_date: str, + end_date: str, + initial_capital: float = 100000, + include_tradingagents: bool = True, + output_dir: str = None, + config: dict = None +): + """ + Run complete evaluation: baselines + TradingAgents for a single ticker. + """ + print(f"\n{'='*80}") + print(f"EVALUATION: {ticker} from {start_date} to {end_date}") + print(f"Initial Capital: ${initial_capital:,.2f}") + print(f"{'='*80}\n") + + # Output dir + if output_dir is None: + output_dir = f"eval_results/{ticker}/{datetime.now().strftime('%Y%m%d_%H%M%S')}" + out = Path(output_dir) + out.mkdir(parents=True, exist_ok=True) + + # Load data + print("\n" + "="*80) + print("STEP 1: Loading Stock Data") + print("="*80) + data = load_stock_data(ticker, start_date, end_date) + data = standardize_single_ticker(data, ticker) + + # Backtest engine + engine = BacktestEngine(data, initial_capital) + + # Baselines + print("\n" + "="*80) + print("STEP 2: Running Baseline Strategies") + print("="*80) + baselines = get_all_baseline_strategies(initial_capital) + + for name, strategy in baselines.items(): + try: + print(f"\nRunning {name}...", end=" ") + portfolio = engine.run_strategy(strategy, start_date, end_date) + print("✓ Complete") + # Save actions to JSON + save_strategy_actions_to_json(portfolio, name, ticker, start_date, end_date, output_dir) + except Exception as e: + print(f"✗ Failed: {e}") + + # TradingAgents + if include_tradingagents: + print("\n" + "="*80) + print("STEP 3: Running TradingAgents") + print("="*80) + try: + cfg = (config or DEFAULT_CONFIG).copy() + # Fast eval defaults (you can override from CLI) + cfg["deep_think_llm"] = cfg.get("deep_think_llm", "o4-mini") + cfg["quick_think_llm"] = cfg.get("quick_think_llm", "gpt-4o-mini") + cfg["max_debate_rounds"] = cfg.get("max_debate_rounds", 1) + cfg["max_risk_discuss_rounds"] = cfg.get("max_risk_discuss_rounds", 1) + # Deterministic-ish decoding for reproducibility + cfg.setdefault("llm_params", {}).update({"temperature": 0.7, "top_p": 1.0, "seed": 42}) + + print(f"\nInitializing TradingAgents...") + print(f" Deep Thinking LLM: {cfg['deep_think_llm']}") + print(f" Quick Thinking LLM: {cfg['quick_think_llm']}") + print(f" Debate Rounds: {cfg['max_debate_rounds']}") + + graph = TradingAgentsGraph( + selected_analysts=["market", "social", "news", "fundamentals"], + debug=False, + config=cfg + ) + ta_backtester = TradingAgentsBacktester(graph, initial_capital, output_dir) + ta_portfolio = ta_backtester.backtest(ticker, start_date, end_date, data) + + engine.results["TradingAgents"] = ta_portfolio + print("\n✓ TradingAgents backtest complete") + + # Save TradingAgents actions to JSON (in consistent format with baselines) + save_strategy_actions_to_json(ta_portfolio, "TradingAgents", ticker, start_date, end_date, output_dir) + + except Exception as e: + print(f"\n✗ TradingAgents failed: {e}") + import traceback + traceback.print_exc() + + # Metrics + print("\n" + "="*80) + print("STEP 4: Calculating Performance Metrics") + print("="*80) + all_metrics = {} + for name, portfolio in engine.results.items(): + metrics = calculate_all_metrics(portfolio) + all_metrics[name] = metrics + print_metrics(metrics, name) + + # Generate cumulative returns comparison plot + print("\n" + "="*80) + print("STEP 5: Generating Comparison Plot") + print("="*80) + try: + comparison_plot_path = str(out / ticker / "strategy_comparison.png") + plot_cumulative_returns_from_results( + results_dir=str(out / ticker), + ticker=ticker, + output_path=comparison_plot_path + ) + # Also save as PDF + pdf_path = comparison_plot_path.replace('.png', '.pdf') + plot_cumulative_returns_from_results( + results_dir=str(out / ticker), + ticker=ticker, + output_path=pdf_path + ) + print(f"\n✓ Comparison plot saved to:") + print(f" - {comparison_plot_path}") + print(f" - {pdf_path}") + except Exception as e: + print(f"\n✗ Failed to generate comparison plot: {e}") + import traceback + traceback.print_exc() + + print("\n" + "="*80) + print("EVALUATION COMPLETE") + print("="*80) + print(f"\nResults saved to: {out}") + print(f"\nDaily actions JSON files saved for:") + for name in engine.results.keys(): + print(f" ✓ {name}") + + return engine.results, all_metrics + + +def main(): + parser = argparse.ArgumentParser(description="Run TradingAgents evaluation with baseline comparisons") + parser.add_argument("--ticker", type=str, help="Stock ticker symbol (e.g., AAPL)") + parser.add_argument("--start-date", type=str, required=True, help="Start date (YYYY-MM-DD)") + parser.add_argument("--end-date", type=str, required=True, help="End date (YYYY-MM-DD)") + parser.add_argument("--capital", type=float, default=100000, help="Initial capital (default: 100000)") + parser.add_argument("--skip-tradingagents", action="store_true", help="Skip TradingAgents evaluation") + parser.add_argument("--output-dir", type=str, default=None, help="Output directory for results") + parser.add_argument("--deep-llm", type=str, default="o4-mini", help="Deep thinking LLM model") + parser.add_argument("--quick-llm", type=str, default="gpt-4o-mini", help="Quick thinking LLM model") + parser.add_argument("--debate-rounds", type=int, default=1, help="Number of debate rounds (default: 1)") + + # Used for debugging + + if is_debugging(): + config = DEFAULT_CONFIG.copy() + config.update({ + "deep_think_llm": "o4-mini", + "quick_think_llm": "gpt-4o-mini", + "max_debate_rounds": 1, + "max_risk_discuss_rounds": 1, + "llm_params": {"temperature": 0.7, "top_p": 1.0, "seed": 42}, + }) + run_evaluation( + ticker="AAPL", + start_date="2024-01-01", + end_date="2024-01-10", + initial_capital=1000, + include_tradingagents=True, + output_dir="./evaluation/results", + config=config + ) + return + + # Build config + args = parser.parse_args() + config = DEFAULT_CONFIG.copy() + config["deep_think_llm"] = args.deep_llm + config["quick_think_llm"] = args.quick_llm + config["max_debate_rounds"] = args.debate_rounds + config["max_risk_discuss_rounds"] = args.debate_rounds + config.setdefault("llm_params", {}).update({"temperature": 0, "top_p": 1.0, "seed": 42}) + + run_evaluation( + ticker=args.ticker, + start_date=args.start_date, + end_date=args.end_date, + initial_capital=args.capital, + include_tradingagents=not args.skip_tradingagents, + output_dir=args.output_dir, + config=config + ) + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/evaluation_buy_sell/visualize.py b/evaluation_buy_sell/visualize.py new file mode 100644 index 0000000000..416fa89aa5 --- /dev/null +++ b/evaluation_buy_sell/visualize.py @@ -0,0 +1,480 @@ +""" +Visualization tools for trading strategy evaluation. +Generates plots and reports for comparing TradingAgents with baseline strategies. +""" + +import pandas as pd +import numpy as np +import matplotlib.pyplot as plt +from pathlib import Path +from typing import Dict +import warnings +import json + +warnings.filterwarnings('ignore') + +# Try to import seaborn for better styling (optional) +try: + import seaborn as sns + plt.style.use('seaborn-v0_8-darkgrid') + sns.set_palette("husl") + HAS_SEABORN = True +except ImportError: + HAS_SEABORN = False + # Use default matplotlib styling + plt.rcParams['figure.facecolor'] = 'white' + plt.rcParams['axes.facecolor'] = 'white' + plt.rcParams['axes.grid'] = True + + +def plot_cumulative_returns( + results: Dict[str, pd.DataFrame], + ticker: str, + output_path: str = None, + figsize: tuple = (14, 8) +) -> plt.Figure: + """ + Plot cumulative returns comparison for all strategies. + + Args: + results: Dictionary mapping strategy name to portfolio DataFrame + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + fig, ax = plt.subplots(figsize=figsize) + + for name, portfolio in results.items(): + if "cumulative_return" in portfolio.columns: + cumulative = (portfolio["cumulative_return"] - 1) * 100 # Convert to percentage + ax.plot(portfolio.index, cumulative, label=name, linewidth=2, alpha=0.8) + + ax.set_xlabel('Date', fontsize=12, fontweight='bold') + ax.set_ylabel('Cumulative Return (%)', fontsize=12, fontweight='bold') + ax.set_title(f'{ticker} - Cumulative Returns Comparison', fontsize=14, fontweight='bold') + ax.legend(loc='best', fontsize=10, framealpha=0.9) + ax.grid(True, alpha=0.3) + ax.axhline(y=0, color='black', linestyle='--', linewidth=1, alpha=0.5) + + # Format y-axis as percentage + ax.yaxis.set_major_formatter(plt.FuncFormatter(lambda y, _: f'{y:.1f}%')) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved cumulative returns plot to: {output_path}") + + return fig + + +def plot_transaction_history( + portfolio: pd.DataFrame, + ticker: str, + strategy_name: str = "TradingAgents", + output_path: str = None, + figsize: tuple = (14, 10) +) -> plt.Figure: + """ + Plot transaction history with buy/sell signals overlaid on price chart. + + Args: + portfolio: Portfolio DataFrame with 'signal' and 'close' columns + ticker: Stock ticker symbol + strategy_name: Name of the strategy + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + fig, (ax1, ax2) = plt.subplots(2, 1, figsize=figsize, height_ratios=[2, 1]) + + # Price chart with signals + ax1.plot(portfolio.index, portfolio["close"], label='Close Price', + color='blue', linewidth=1.5, alpha=0.7) + + # Buy signals (signal == 1 and previous signal != 1) + signals = portfolio["signal"].copy() + buy_signals = (signals == 1) & (signals.shift(1) != 1) + sell_signals = (signals == -1) & (signals.shift(1) != -1) + + # Plot buy/sell markers + if buy_signals.any(): + ax1.scatter(portfolio.index[buy_signals], + portfolio.loc[buy_signals, "close"], + marker='^', color='green', s=100, label='Buy', + zorder=5, alpha=0.8) + + if sell_signals.any(): + ax1.scatter(portfolio.index[sell_signals], + portfolio.loc[sell_signals, "close"], + marker='v', color='red', s=100, label='Sell', + zorder=5, alpha=0.8) + + ax1.set_ylabel('Price ($)', fontsize=12, fontweight='bold') + ax1.set_title(f'{ticker} - {strategy_name} Transaction History', + fontsize=14, fontweight='bold') + ax1.legend(loc='best', fontsize=10) + ax1.grid(True, alpha=0.3) + + # Portfolio value + ax2.plot(portfolio.index, portfolio["portfolio_value"], + label='Portfolio Value', color='purple', linewidth=2) + ax2.fill_between(portfolio.index, portfolio["portfolio_value"], + alpha=0.3, color='purple') + ax2.set_xlabel('Date', fontsize=12, fontweight='bold') + ax2.set_ylabel('Portfolio Value ($)', fontsize=12, fontweight='bold') + ax2.legend(loc='best', fontsize=10) + ax2.grid(True, alpha=0.3) + + # Format y-axis as currency + ax2.yaxis.set_major_formatter(plt.FuncFormatter(lambda y, _: f'${y:,.0f}')) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved transaction history plot to: {output_path}") + + return fig + + +def plot_metrics_comparison( + comparison_df: pd.DataFrame, + ticker: str, + output_path: str = None, + figsize: tuple = (16, 10) +) -> plt.Figure: + """ + Create bar charts comparing key metrics across strategies. + + Args: + comparison_df: DataFrame with strategies as rows and metrics as columns + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + # Select key metrics (matching paper's Table 1) + metrics_to_plot = [ + "Cumulative Return (%)", + "Annualized Return (%)", + "Sharpe Ratio", + "Maximum Drawdown (%)" + ] + + # Filter to available metrics + available_metrics = [m for m in metrics_to_plot if m in comparison_df.columns] + + if not available_metrics: + raise ValueError("No matching metrics found in comparison DataFrame") + + n_metrics = len(available_metrics) + fig, axes = plt.subplots(2, 2, figsize=figsize) + axes = axes.flatten() + + for idx, metric in enumerate(available_metrics): + ax = axes[idx] + data = comparison_df[metric].sort_values(ascending=False) + + # Color code: TradingAgents in different color + colors = ['#FF6B6B' if name == 'TradingAgents' else '#4ECDC4' + for name in data.index] + + bars = ax.barh(range(len(data)), data.values, color=colors, alpha=0.8) + ax.set_yticks(range(len(data))) + ax.set_yticklabels(data.index, fontsize=10) + ax.set_xlabel(metric, fontsize=11, fontweight='bold') + ax.set_title(metric, fontsize=12, fontweight='bold') + ax.grid(True, alpha=0.3, axis='x') + + # Add value labels on bars + for i, (bar, value) in enumerate(zip(bars, data.values)): + if "Ratio" in metric: + label = f'{value:.2f}' + else: + label = f'{value:.1f}%' + ax.text(value, bar.get_y() + bar.get_height()/2, + f' {label}', va='center', fontsize=9) + + # Hide unused subplots + for idx in range(n_metrics, 4): + axes[idx].axis('off') + + fig.suptitle(f'{ticker} - Performance Metrics Comparison', + fontsize=16, fontweight='bold', y=0.995) + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved metrics comparison plot to: {output_path}") + + return fig + + +def plot_drawdown( + results: Dict[str, pd.DataFrame], + ticker: str, + output_path: str = None, + figsize: tuple = (14, 8) +) -> plt.Figure: + """ + Plot drawdown analysis for all strategies. + + Args: + results: Dictionary mapping strategy name to portfolio DataFrame + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + fig, ax = plt.subplots(figsize=figsize) + + for name, portfolio in results.items(): + if "portfolio_value" in portfolio.columns: + values = portfolio["portfolio_value"] + running_max = values.cummax() + drawdown = (values - running_max) / running_max * 100 + ax.plot(portfolio.index, drawdown, label=name, linewidth=2, alpha=0.7) + + ax.set_xlabel('Date', fontsize=12, fontweight='bold') + ax.set_ylabel('Drawdown (%)', fontsize=12, fontweight='bold') + ax.set_title(f'{ticker} - Drawdown Analysis', fontsize=14, fontweight='bold') + ax.legend(loc='best', fontsize=10, framealpha=0.9) + ax.grid(True, alpha=0.3) + ax.axhline(y=0, color='black', linestyle='--', linewidth=1, alpha=0.5) + + # Fill drawdown areas + for name, portfolio in results.items(): + if "portfolio_value" in portfolio.columns: + values = portfolio["portfolio_value"] + running_max = values.cummax() + drawdown = (values - running_max) / running_max * 100 + ax.fill_between(portfolio.index, drawdown, 0, alpha=0.1) + + # Format y-axis as percentage + ax.yaxis.set_major_formatter(plt.FuncFormatter(lambda y, _: f'{y:.1f}%')) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved drawdown plot to: {output_path}") + + return fig + + +def plot_returns_distribution( + results: Dict[str, pd.DataFrame], + ticker: str, + output_path: str = None, + figsize: tuple = (14, 8) +) -> plt.Figure: + """ + Plot distribution of daily returns for all strategies. + + Args: + results: Dictionary mapping strategy name to portfolio DataFrame + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + fig, ax = plt.subplots(figsize=figsize) + + for name, portfolio in results.items(): + if "strategy_return" in portfolio.columns: + returns = portfolio["strategy_return"].dropna() * 100 # Convert to percentage + ax.hist(returns, bins=50, alpha=0.5, label=name, density=True) + + ax.set_xlabel('Daily Return (%)', fontsize=12, fontweight='bold') + ax.set_ylabel('Density', fontsize=12, fontweight='bold') + ax.set_title(f'{ticker} - Returns Distribution', fontsize=14, fontweight='bold') + ax.legend(loc='best', fontsize=10) + ax.grid(True, alpha=0.3) + ax.axvline(x=0, color='black', linestyle='--', linewidth=1, alpha=0.5) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved returns distribution plot to: {output_path}") + + return fig + + +def create_summary_report( + ticker: str, + results: Dict[str, pd.DataFrame], + comparison_df: pd.DataFrame, + output_dir: str +) -> None: + """ + Generate comprehensive visual summary report. + Creates all standard plots and saves them to output directory. + + Args: + ticker: Stock ticker symbol + results: Dictionary mapping strategy name to portfolio DataFrame + comparison_df: DataFrame with performance metrics comparison + output_dir: Directory to save output files + """ + output_path = Path(output_dir) + output_path.mkdir(parents=True, exist_ok=True) + + print("\nGenerating visualizations...") + + # 1. Cumulative Returns + try: + plot_cumulative_returns( + results, + ticker, + output_path=str(output_path / f"{ticker}_cumulative_returns.png") + ) + except Exception as e: + print(f"✗ Failed to generate cumulative returns plot: {e}") + + # 2. Metrics Comparison + try: + plot_metrics_comparison( + comparison_df, + ticker, + output_path=str(output_path / f"{ticker}_metrics_comparison.png") + ) + except Exception as e: + print(f"✗ Failed to generate metrics comparison plot: {e}") + + # 3. Drawdown Analysis + try: + plot_drawdown( + results, + ticker, + output_path=str(output_path / f"{ticker}_drawdown.png") + ) + except Exception as e: + print(f"✗ Failed to generate drawdown plot: {e}") + + # 4. Transaction History (if TradingAgents results available) + if "TradingAgents" in results: + try: + plot_transaction_history( + results["TradingAgents"], + ticker, + strategy_name="TradingAgents", + output_path=str(output_path / f"{ticker}_TradingAgents_transactions.png") + ) + except Exception as e: + print(f"✗ Failed to generate transaction history plot: {e}") + + # 5. Returns Distribution + try: + plot_returns_distribution( + results, + ticker, + output_path=str(output_path / f"{ticker}_returns_distribution.png") + ) + except Exception as e: + print(f"✗ Failed to generate returns distribution plot: {e}") + + print(f"\n✓ All visualizations saved to: {output_dir}") + + +def plot_cumulative_returns_from_results( + results_dir: str, + ticker: str, + output_path: str = None, + figsize: tuple = (12, 7) +) -> plt.Figure: + """ + Plot cumulative returns comparison from saved JSON results. + + Args: + results_dir: Directory containing strategy result folders + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + results_path = Path(results_dir) + + # Define strategies to load + strategies = { + 'BuyAndHold': 'BuyAndHoldStrategy', + 'MACD': 'MACDStrategy', + 'KDJ&RSI': 'KDJRSIStrategy', + 'ZMR': 'ZMRStrategy', + 'SMA': 'SMAStrategy', + 'TradingAgents': 'TradingAgents' + } + + fig, ax = plt.subplots(figsize=figsize) + + # Load and plot each strategy + for folder_name, display_name in strategies.items(): + strategy_dir = results_path / folder_name + if not strategy_dir.exists(): + continue + + # Find actions JSON file + action_files = list(strategy_dir.glob("actions_*.json")) + if not action_files: + continue + + try: + # Load data + with open(action_files[0], 'r') as f: + data = json.load(f) + + # Extract date and cumulative_return + dates = pd.to_datetime([action['date'] for action in data['actions']]) + cumulative_returns = [action['cumulative_return'] for action in data['actions']] + + # Plot + linewidth = 2.5 if display_name == 'TradingAgents' else 1.5 + ax.plot(dates, cumulative_returns, label=display_name, + linewidth=linewidth, alpha=0.9) + + except Exception as e: + print(f"Warning: Failed to load {display_name}: {e}") + + ax.set_xlabel('Date', fontsize=12) + ax.set_ylabel('Cumulative Return', fontsize=12) + ax.set_title(f'Strategy Comparison - Cumulative Returns for {ticker}', + fontsize=14, fontweight='bold') + ax.legend(title='Strategies', loc='best', fontsize=10, framealpha=0.9) + ax.grid(True, alpha=0.3, linestyle='--') + ax.axhline(y=1.0, color='black', linestyle='--', linewidth=1, alpha=0.5) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved cumulative returns comparison to: {output_path}") + + return fig + + +if __name__ == "__main__": + # Example usage / testing + print("Visualization module loaded successfully!") + print("\nAvailable functions:") + print(" - plot_cumulative_returns") + print(" - plot_cumulative_returns_from_results") + print(" - plot_transaction_history") + print(" - plot_metrics_comparison") + print(" - plot_drawdown") + print(" - plot_returns_distribution") + print(" - create_summary_report") + diff --git a/evaluation_long_short/__init__.py b/evaluation_long_short/__init__.py new file mode 100644 index 0000000000..58590254d3 --- /dev/null +++ b/evaluation_long_short/__init__.py @@ -0,0 +1,66 @@ +from .baseline_strategies import ( + BuyAndHoldStrategy, + MACDStrategy, + KDJRSIStrategy, + ZMRStrategy, + SMAStrategy, + get_all_baseline_strategies +) + +from .metrics import ( + calculate_cumulative_return, + calculate_annualized_return, + calculate_sharpe_ratio, + calculate_maximum_drawdown, + calculate_all_metrics, + create_comparison_table +) + +from .backtest import ( + BacktestEngine, + TradingAgentsBacktester, + load_stock_data +) + +from .visualize import ( + plot_cumulative_returns, + plot_transaction_history, + plot_metrics_comparison, + plot_drawdown, + create_summary_report +) + +from .run_evaluation import run_evaluation + +__all__ = [ + # Strategies + 'BuyAndHoldStrategy', + 'MACDStrategy', + 'KDJRSIStrategy', + 'ZMRStrategy', + 'SMAStrategy', + 'get_all_baseline_strategies', + + # Metrics + 'calculate_cumulative_return', + 'calculate_annualized_return', + 'calculate_sharpe_ratio', + 'calculate_maximum_drawdown', + 'calculate_all_metrics', + 'create_comparison_table', + + # Backtesting + 'BacktestEngine', + 'TradingAgentsBacktester', + 'load_stock_data', + + # Visualization + 'plot_cumulative_returns', + 'plot_transaction_history', + 'plot_metrics_comparison', + 'plot_drawdown', + 'create_summary_report', + + # Main evaluation + 'run_evaluation', +] \ No newline at end of file diff --git a/evaluation_long_short/backtest.py b/evaluation_long_short/backtest.py new file mode 100644 index 0000000000..b453c7bdd4 --- /dev/null +++ b/evaluation_long_short/backtest.py @@ -0,0 +1,285 @@ +""" +Backtesting engine for TradingAgents and baseline strategies. + +Both TradingAgents and rule-based strategies use identical return calculation logic: + 1. Generate signals/actions: 1 (BUY), 0 (HOLD), -1 (SELL) + 2. Convert actions to positions: 1 (long), 0 (flat) + 3. Calculate returns: strategy_return = position.shift(1) * market_return + +This ensures apples-to-apples comparison across all strategies. +""" + +import pandas as pd +import numpy as np +from typing import Dict, List +from pathlib import Path +import json + + +STD_FIELDS = {"Open", "High", "Low", "Close", "Adj Close", "Volume"} + + +class TradingAgentsBacktester: + """Backtest engine for TradingAgents framework.""" + + def __init__(self, trading_agents_graph, initial_capital=100000, output_dir=None): + self.graph = trading_agents_graph + self.initial_capital = float(initial_capital) + self.name = "TradingAgents" + self.output_dir = output_dir + + def backtest(self, ticker: str, start_date: str, end_date: str, data: pd.DataFrame) -> pd.DataFrame: + """ + Backtest TradingAgents with realistic single-asset account simulation. + Supports long, short, and flat positions with 1× leverage on shorts. + """ + df = data.loc[start_date:end_date].copy() + decisions = [] + signals = pd.Series(0, index=df.index, dtype=float) + + print(f"\nRunning TradingAgents backtest on {ticker} from {start_date} to {end_date}") + print(f"Total trading days: {len(df)}") + print("-" * 80) + + # === Step 1: Collect signals === + for i, (date, row) in enumerate(df.iterrows()): + date_str = date.strftime("%Y-%m-%d") + price = float(row["Close"]) + try: + print(f"\n[{i+1}/{len(df)}] {date_str} ... ", end="") + final_state, decision = self.graph.propagate(ticker, date_str) + print(f"Decision: {decision}") + signal = self._parse_decision(decision) + decisions.append({"date": date_str, "decision": decision, "signal": signal, "price": price}) + except Exception as e: + print(f"Error: {e}") + signal = 0 + decisions.append({"date": date_str, "decision": "ERROR", "signal": 0, "price": price, "error": str(e)}) + signals.loc[date] = signal + + # === Step 2: Run realistic cash+shares backtest === + close = pd.to_numeric(df["Close"], errors="coerce") + cash = self.initial_capital + shares = 0.0 + prev_value = cash + records = [] + + for i, (date, price) in enumerate(close.items()): + action = signals.iloc[i] + + # 先计算上一个交易日的组合价值 + portfolio_value = cash + shares * price + + # === 若方向改变,先平仓 === + if (shares > 0 and action <= 0) or (shares < 0 and action >= 0): + cash += shares * price # 卖出现有股票或回补空头 + shares = 0.0 + + # === 建仓逻辑 === + if action == 1 and shares == 0: + # 做多 + shares = cash / price + cash = 0.0 + elif action == -1 and shares == 0: + # 做空(1倍杠杆) + shares = -cash / price + cash = 2 * cash # 保证金 + 卖出所得 + + # === 更新组合价值 === + new_value = cash + shares * price + daily_return = (new_value / prev_value) - 1 if prev_value != 0 else 0.0 + prev_value = new_value + + records.append({ + "date": date.strftime("%Y-%m-%d"), + "action": action, + "shares": shares, + "close_price": price, + "cash": cash, + "portfolio_value": new_value, + "strategy_return": daily_return, + }) + + # === Step 3: 转为 DataFrame 并计算累计收益 === + portfolio = pd.DataFrame(records).set_index("date") + portfolio["cumulative_return"] = (1 + portfolio["strategy_return"]).cumprod() + portfolio["ticker"] = ticker + self.latest_portfolio = portfolio + self._save_decisions_log(ticker, decisions, start_date, end_date) + return portfolio + + @staticmethod + def _actions_to_position(actions: pd.Series) -> pd.Series: + """ + Convert action series to a long-only position series in {0,1}. + Same logic as baseline strategies for consistency. + """ + a = actions.astype(float).fillna(0.0).clip(-1, 1).values + pos = np.zeros_like(a, dtype=float) + for i in range(len(a)): + if i == 0: + pos[i] = 1.0 if a[i] > 0 else 0.0 + else: + if a[i] > 0: # buy → long + pos[i] = 1.0 + elif a[i] < 0: # sell → flat + pos[i] = 0.0 + else: # hold → keep previous + pos[i] = pos[i-1] + return pd.Series(pos, index=actions.index, name="position") + + def _parse_decision(self, decision: str) -> int: + """ + Parse decision to signal. + We interpret: + - contains 'BUY' or 'LONG' -> 1 + - contains 'SELL' or 'EXIT' -> -1 (we use -1 as 'close to cash' here) + - otherwise HOLD -> 0 + """ + d = str(decision).upper() + if "BUY" in d or "LONG" in d: + return 1 + if "SELL" in d or "EXIT" in d or "CLOSE" in d: + return -1 + return 0 + + def _save_decisions_log(self, ticker: str, decisions: List[Dict], start_date: str, end_date: str): + """ + Save detailed TradingAgents decisions and portfolio state to JSON. + Adds shares, cash, and cumulative return (cr) from the latest backtest results. + """ + if self.output_dir: + out = Path(self.output_dir) / ticker / "TradingAgents" + else: + out = Path(f"eval_results/{ticker}/TradingAgents") + out.mkdir(parents=True, exist_ok=True) + fp = out / f"decisions_{start_date}_to_{end_date}.json" + + # Try to include computed portfolio metrics if available + try: + # Attempt to load the latest portfolio CSV/DF from memory + if hasattr(self, "latest_portfolio"): + port = self.latest_portfolio + port = port.reset_index() + port_dict = {d["date"]: d for d in port.to_dict(orient="records")} + # Merge portfolio stats into each decision record + for d in decisions: + date = d["date"] + if date in port_dict: + d.update({ + "shares": port_dict[date].get("shares"), + "cash": port_dict[date].get("cash"), + "portfolio_value": port_dict[date].get("portfolio_value"), + "cumulative_return": port_dict[date].get("cumulative_return"), + }) + except Exception as e: + print(f"Warning: could not merge portfolio stats into log ({e})") + + with open(fp, "w") as f: + json.dump({ + "strategy": "TradingAgents", + "ticker": ticker, + "start_date": start_date, + "end_date": end_date, + "total_days": len(decisions), + "decisions": decisions + }, f, indent=2) + + print(f" ✓ Saved TradingAgents detailed decisions to: {fp}") + + +class BacktestEngine: + """Engine to run and compare multiple strategies.""" + + def __init__(self, data: pd.DataFrame, initial_capital: float = 100000): + self.data = data + self.initial_capital = float(initial_capital) + self.results: Dict[str, pd.DataFrame] = {} + + def run_strategy(self, strategy, start_date: str = None, end_date: str = None, label = None) -> pd.DataFrame: + data_filtered = self.data.loc[start_date:end_date] if (start_date and end_date) else self.data + print(f"\nRunning {strategy.name}...") + portfolio = strategy.backtest(data_filtered) + self.results[label or strategy.name] = portfolio + return portfolio + + def run_all_strategies(self, strategies: Dict, start_date: str = None, end_date: str = None): + for name, strategy in strategies.items(): + try: + self.run_strategy(strategy, start_date, end_date) + print(f"✓ {name} completed") + except Exception as e: + print(f"✗ {name} failed: {e}") + + def get_results(self) -> Dict[str, pd.DataFrame]: + return self.results + + +def load_stock_data(ticker: str, start_date: str, end_date: str) -> pd.DataFrame: + try: + import yfinance as yf + # Normalize accidental ('A','A','P','L') / ['A','A','P','L'] + if isinstance(ticker, (list, tuple)) and all(isinstance(c, str) and len(c) == 1 for c in ticker): + ticker = "".join(ticker) + + if not isinstance(ticker, str): + raise ValueError("Pass a single ticker symbol as a string, e.g., 'AAPL'.") + + df = yf.download(ticker, start=start_date, end=end_date, progress=False) + if df.empty: + raise ValueError(f"No data found for {ticker}") + return df + + except Exception as e: + print(f"Error loading data: {e}") + raise + +def standardize_single_ticker(df: pd.DataFrame, ticker: str | None = None) -> pd.DataFrame: + """Return a single-ticker OHLCV DataFrame with simple columns. + Works with yfinance single or multi-ticker outputs. + """ + df = df.copy() + + # If columns are MultiIndex (common with multi-ticker yfinance) + if isinstance(df.columns, pd.MultiIndex): + # Figure out which level is the field (Open/High/...) and which is ticker + lvl0 = set(map(str, df.columns.get_level_values(0))) + lvl1 = set(map(str, df.columns.get_level_values(1))) + if len(STD_FIELDS & lvl0) > 0: + field_level, ticker_level = 0, 1 + elif len(STD_FIELDS & lvl1) > 0: + field_level, ticker_level = 1, 0 + else: + raise ValueError("Cannot detect OHLCV field level in MultiIndex columns.") + + available = list(pd.Index(df.columns.get_level_values(ticker_level)).unique()) + + # Normalize weird ticker inputs like ('A','A','P','L') -> 'AAPL' + if isinstance(ticker, (list, tuple)) and all(isinstance(c, str) and len(c) == 1 for c in ticker): + ticker = "".join(ticker) + if ticker is None: + if len(available) != 1: + raise ValueError(f"Multi-ticker DataFrame. Pick one with ticker=..., available={available}") + ticker = available[0] + if str(ticker) not in map(str, available): + raise ValueError(f"Ticker {ticker!r} not in columns. Available: {available}") + + # Slice to that ticker and drop the ticker level + df = df.xs(ticker, axis=1, level=ticker_level) + + # Map Adj Close -> Close if Close missing + if "Close" not in df.columns and "Adj Close" in df.columns: + df = df.rename(columns={"Adj Close": "Close"}) + + # Final sanity + req = ["Open", "High", "Low", "Close"] + missing = [c for c in req if c not in df.columns] + if missing: + raise ValueError(f"Data missing columns: {missing}") + + # Ensure 'Close' is a Series (not 1-col DataFrame) + close = df["Close"] + if isinstance(close, pd.DataFrame) and close.shape[1] == 1: + df["Close"] = close.iloc[:, 0] + + return df \ No newline at end of file diff --git a/evaluation_long_short/baseline_strategies.py b/evaluation_long_short/baseline_strategies.py new file mode 100644 index 0000000000..5e76fa3057 --- /dev/null +++ b/evaluation_long_short/baseline_strategies.py @@ -0,0 +1,185 @@ +import pandas as pd +import numpy as np +from abc import ABC, abstractmethod + + +class BaseStrategy(ABC): + """Base class for trading strategies (long-only, action-based).""" + + def __init__(self, initial_capital=100000): + self.initial_capital = float(initial_capital) + self.name = self.__class__.__name__ + + def _close_series(self, data: pd.DataFrame) -> pd.Series: + close = data["Close"] + if isinstance(close, pd.DataFrame): + if close.shape[1] == 1: + close = close.iloc[:, 0] + else: + raise ValueError("Multiple 'Close' columns detected. Pass single-ticker data.") + return pd.to_numeric(close, errors="coerce") + + @abstractmethod + def generate_signals(self, data: pd.DataFrame) -> pd.Series: + """ + Generate *actions* by date: + 1 = BUY (open / go long, or stay long) + 0 = HOLD (no change) + -1 = SELL (exit to flat) + Shorting is NOT allowed. + """ + pass + + def _prep_ohlcv(self, data: pd.DataFrame) -> pd.DataFrame: + req = ["Open", "High", "Low", "Close"] + for col in req: + if col not in data.columns: + raise ValueError(f"Data missing column '{col}'") + return data.copy() + + @staticmethod + def _actions_to_position(actions: pd.Series) -> pd.Series: + """Convert action series to a long-only position series in {0,1}.""" + a = actions.astype(float).fillna(0.0).clip(-1, 1).values + pos = np.zeros_like(a, dtype=float) + for i in range(len(a)): + if i == 0: + pos[i] = a[i] # origin position = signal + else: + if a[i] == 0: # HOLD + pos[i] = pos[i-1] + else: + pos[i] = a[i] # LONG or SHORT + return pd.Series(pos, index=actions.index, name="position") + + def backtest(self, data: pd.DataFrame) -> pd.DataFrame: + df = self._prep_ohlcv(data) + + # 1) get actions (1, 0, -1) + actions = self.generate_signals(df).reindex(df.index).fillna(0).clip(-1, 1).astype(float) + + # 2) map actions → long-only position {0,1} + position = self._actions_to_position(actions) + + # 3) compute returns (note: sell today → flat tomorrow → 0 return tomorrow) + close = self._close_series(df) + market_ret = close.pct_change().fillna(0.0) + exposure = position.shift(1).fillna(0.0) # use yesterday's position + strat_ret = (exposure * market_ret).astype(float) + + cumret = (1.0 + strat_ret).cumprod() + portval = self.initial_capital * cumret + + portfolio = pd.DataFrame(index=df.index) + portfolio["action"] = actions # 1 buy / 0 hold / -1 sell + portfolio["position"] = position # 1 long / 0 flat + portfolio["close"] = close + if "Volume" in df.columns: + vol = df["Volume"] + if isinstance(vol, pd.DataFrame) and vol.shape[1] == 1: + vol = vol.iloc[:, 0] + if isinstance(vol, pd.Series): + portfolio["Volume"] = vol + portfolio["market_return"] = market_ret + portfolio["strategy_return"] = strat_ret + portfolio["cumulative_return"] = cumret + portfolio["portfolio_value"] = portval + portfolio["trade_delta"] = portfolio["position"].diff().fillna(0.0) # +1 buy, -1 sell + return portfolio + + +class BuyAndHoldStrategy(BaseStrategy): + """Buy on day 1 and hold long (no shorting).""" + + def generate_signals(self, data: pd.DataFrame) -> pd.Series: + a = pd.Series(0.0, index=data.index) + if len(a) > 0: + a.iloc[0] = 1.0 # buy once at start + return a + + +class MACDStrategy(BaseStrategy): + """MACD(12,26,9) Contrarian, long-only:MACD>signal → SELL(退出),MACD 0] = -1.0 # 卖出/退出(之前是做空) + a[diff < 0] = 1.0 # 买入/做多 + return a + + +class KDJRSIStrategy(BaseStrategy): + """KDJ + RSI 逆势逻辑(长多-only):超买 → 卖出;超卖 → 买入""" + + def generate_signals(self, data): + df = data.copy() + + # === RSI === + delta = df["Close"].diff() + up, down = delta.clip(lower=0), -delta.clip(upper=0) + rs = up.ewm(span=14, adjust=False).mean() / down.ewm(span=14, adjust=False).mean().replace(0, np.nan) + df["rsi"] = 100 - 100 / (1 + rs) + + # === KDJ === + low = df["Low"].rolling(9).min() + high = df["High"].rolling(9).max() + denom = (high - low).replace(0, np.nan) + rsv = 100 * (df["Close"] - low) / denom + k = rsv.ewm(com=2, adjust=False).mean() + df["kdj_k"] = k + + # === Actions === + a = pd.Series(0.0, index=df.index) + # 收紧阈值:RSI>75,K>85 → 卖出;RSI<25,K<15 → 买入 + a[(df["rsi"] > 75) & (df["kdj_k"] > 85)] = -1.0 + a[(df["rsi"] < 25) & (df["kdj_k"] < 15)] = 1.0 + return a + + +class ZMRStrategy(BaseStrategy): + + def generate_signals(self, data): + close = self._close_series(data) + mean = close.rolling(50).mean() + std = close.rolling(50).std() + z = (close - mean) / std.replace(0, np.nan) + + a = pd.Series(0.0, index=data.index) + a[z > 1.3] = -1.0 # 高估 → 卖出/退出 + a[z < -1.3] = 1.0 # 低估 → 买入/做多 + return a + + +class SMAStrategy(BaseStrategy): + + def __init__(self, initial_capital=100000, short_window=5, long_window=20): + super().__init__(initial_capital) + self.short_window = int(short_window) + self.long_window = int(long_window) + + def generate_signals(self, data: pd.DataFrame) -> pd.Series: + close = self._close_series(data) + short = close.rolling(window=self.short_window, min_periods=self.short_window).mean() + long_ = close.rolling(window=self.long_window, min_periods=self.long_window).mean() + a = pd.Series(0.0, index=data.index) + a[short > long_] = 1.0 + a[short < long_] = -1.0 + return a + + +def get_all_baseline_strategies(initial_capital=100000): + """Get all baseline strategies for comparison (long-only, action-based).""" + return { + "BuyAndHold": BuyAndHoldStrategy(initial_capital), + "MACD": MACDStrategy(initial_capital), + "KDJ&RSI": KDJRSIStrategy(initial_capital), + "ZMR": ZMRStrategy(initial_capital), + "SMA": SMAStrategy(initial_capital), + } diff --git a/evaluation_long_short/metrics.py b/evaluation_long_short/metrics.py new file mode 100644 index 0000000000..2f2c2b4fd3 --- /dev/null +++ b/evaluation_long_short/metrics.py @@ -0,0 +1,116 @@ +""" +Evaluation metrics for trading strategies. +Implements: Cumulative Return, Annualized Return, Sharpe Ratio, Maximum Drawdown +""" + +import pandas as pd +import numpy as np +from typing import Dict + + +def _require_cols(df: pd.DataFrame, cols): + missing = [c for c in cols if c not in df.columns] + if missing: + raise ValueError(f"Portfolio missing columns: {missing}") + + +def calculate_cumulative_return(portfolio: pd.DataFrame) -> float: + """CR% = (V_end / V_start - 1) * 100""" + _require_cols(portfolio, ["portfolio_value"]) + v_start = float(portfolio["portfolio_value"].iloc[0]) + v_end = float(portfolio["portfolio_value"].iloc[-1]) + if v_start <= 0: + return 0.0 + return (v_end / v_start - 1.0) * 100.0 + + +def calculate_annualized_return(portfolio: pd.DataFrame, trading_days: int | None = None) -> float: + """AR% = ((V_end / V_start) ** (1/years) - 1) * 100 with 252 trading days/year.""" + _require_cols(portfolio, ["portfolio_value"]) + v_start = float(portfolio["portfolio_value"].iloc[0]) + v_end = float(portfolio["portfolio_value"].iloc[-1]) + if v_start <= 0 or v_end <= 0: + return 0.0 + if trading_days is None: + trading_days = len(portfolio) + years = trading_days / 252.0 + if years <= 0: + return 0.0 + return ((v_end / v_start) ** (1.0 / years) - 1.0) * 100.0 + + +def calculate_sharpe_ratio(portfolio: pd.DataFrame, risk_free_rate: float = 0.02) -> float: + """ + SR = (E[r] - r_f) / stdev(r), where r are *daily* strategy returns, + annualized using 252 trading days (paper S1.2.3). + """ + _require_cols(portfolio, ["strategy_return"]) + r = portfolio["strategy_return"].dropna().astype(float) + if len(r) < 2 or r.std() == 0: + return 0.0 + mean_ann = r.mean() * 252.0 + std_ann = r.std(ddof=1) * np.sqrt(252.0) + if std_ann == 0: + return 0.0 + return (mean_ann - risk_free_rate) / std_ann + + +def calculate_maximum_drawdown(portfolio: pd.DataFrame) -> float: + """MDD% = max drawdown on portfolio_value (peak->trough) * 100""" + _require_cols(portfolio, ["portfolio_value"]) + values = portfolio["portfolio_value"].astype(float) + running_max = values.cummax() + drawdown = (values - running_max) / running_max + return float(drawdown.min() * -100.0) + + +def calculate_win_rate(portfolio: pd.DataFrame) -> float: + """% days where strategy_return > 0""" + _require_cols(portfolio, ["strategy_return"]) + r = portfolio["strategy_return"].dropna() + if len(r) == 0: + return 0.0 + return 100.0 * (r > 0).sum() / len(r) + + +def calculate_profit_factor(portfolio: pd.DataFrame) -> float: + """Gross profit / gross loss on daily returns (informative extra metric).""" + _require_cols(portfolio, ["strategy_return"]) + r = portfolio["strategy_return"].dropna() + gp = r[r > 0].sum() + gl = -r[r < 0].sum() + if gl == 0: + return float("inf") if gp > 0 else 0.0 + return float(gp / gl) + + +def calculate_all_metrics(portfolio: pd.DataFrame, risk_free_rate: float = 0.02) -> Dict[str, float]: + return { + "Cumulative Return (%)": calculate_cumulative_return(portfolio), + "Annualized Return (%)": calculate_annualized_return(portfolio), + "Sharpe Ratio": calculate_sharpe_ratio(portfolio, risk_free_rate), + "Maximum Drawdown (%)": calculate_maximum_drawdown(portfolio), + # Extras (not in table but handy) + "Win Rate (%)": calculate_win_rate(portfolio), + "Profit Factor": calculate_profit_factor(portfolio), + } + + +def print_metrics(metrics: Dict[str, float], strategy_name: str = "Strategy"): + print(f"\n{'='*60}") + print(f"{strategy_name} Performance Metrics") + print(f"{'='*60}") + for k, v in metrics.items(): + if "Ratio" in k or "Factor" in k: + print(f"{k:30s}: {v:8.2f}") + else: + print(f"{k:30s}: {v:8.2f}%") + print(f"{'='*60}\n") + + +def create_comparison_table(all_metrics: Dict[str, Dict[str, float]]) -> pd.DataFrame: + df = pd.DataFrame(all_metrics).T + df = df.round(2) + if "Sharpe Ratio" in df.columns: + df = df.sort_values("Sharpe Ratio", ascending=False) + return df diff --git a/evaluation_long_short/run_evaluation.py b/evaluation_long_short/run_evaluation.py new file mode 100644 index 0000000000..04743ef39c --- /dev/null +++ b/evaluation_long_short/run_evaluation.py @@ -0,0 +1,384 @@ +""" +Main evaluation script to run backtesting and generate results. +Evaluates TradingAgents against baseline strategies for a single ticker. +""" + +import argparse +import sys +from pathlib import Path +from datetime import datetime +import pandas as pd +import json + +# Add parent directory to path +sys.path.insert(0, str(Path(__file__).parent.parent)) + +from evaluation_long_short.baseline_strategies import get_all_baseline_strategies +from evaluation_long_short.backtest import BacktestEngine, TradingAgentsBacktester, load_stock_data, standardize_single_ticker +from evaluation_long_short.metrics import calculate_all_metrics, create_comparison_table, print_metrics +from evaluation_long_short.visualize import plot_cumulative_returns_from_results + +from tradingagents.graph.trading_graph import TradingAgentsGraph +from tradingagents.default_config import DEFAULT_CONFIG + +def clear_chromadb_collections(): + """Clear any existing ChromaDB collections to avoid conflicts""" + try: + import chromadb + from chromadb.config import Settings + client = chromadb.Client(Settings(allow_reset=True)) + client.reset() + print("[CLEANUP] ChromaDB collections cleared") + except Exception as e: + print(f"[CLEANUP] Warning: Could not clear ChromaDB: {e}") + +def is_debugging() -> bool: + try: + import debugpy + return debugpy.is_client_connected() + except Exception: + return False + + +def save_strategy_actions_to_json( + portfolio: pd.DataFrame, + strategy_name: str, + ticker: str, + start_date: str, + end_date: str, + output_dir: str +) -> None: + """ + Save daily actions from a strategy to a JSON file. + + Args: + portfolio: Portfolio DataFrame with action, position, close, etc. + strategy_name: Name of the strategy + ticker: Stock ticker symbol + start_date: Start date of backtest + end_date: End date of backtest + output_dir: Directory to save the JSON file + """ + out = Path(output_dir) / ticker / strategy_name + out.mkdir(parents=True, exist_ok=True) + + # Build actions list with relevant daily info + actions = [] + for date, row in portfolio.iterrows(): + # Handle both datetime and string dates + if isinstance(date, str): + date_str = date + else: + date_str = date.strftime("%Y-%m-%d") + + # Handle different column names from different backtesting methods + # Baselines use: action, position, close + # TradingAgents use: action, shares, close_price + action_record = { + "date": date_str, + "action": int(row["action"]) if "action" in row and pd.notna(row["action"]) else 0, + "position": int(row.get("position", 1 if row.get("shares", 0) > 0 else (-1 if row.get("shares", 0) < 0 else 0))), + "close_price": float(row.get("close_price") or row.get("close")) if ("close_price" in row or "close" in row) else None, + "portfolio_value": float(row["portfolio_value"]) if pd.notna(row["portfolio_value"]) else None, + "strategy_return": float(row["strategy_return"]) if pd.notna(row["strategy_return"]) else 0.0, + "cumulative_return": float(row["cumulative_return"]) if pd.notna(row["cumulative_return"]) else 1.0 + } + + # Add shares if available (TradingAgents specific) + if "shares" in row: + action_record["shares"] = float(row["shares"]) + + actions.append(action_record) + + # Save to JSON + fp = out / f"actions_{start_date}_to_{end_date}.json" + with open(fp, "w") as f: + json.dump({ + "strategy": strategy_name, + "ticker": ticker, + "start_date": start_date, + "end_date": end_date, + "total_days": len(actions), + "actions": actions + }, f, indent=2) + + print(f" ✓ Saved {strategy_name} actions to: {fp}") + + +def run_evaluation( + ticker: str, + start_date: str, + end_date: str, + initial_capital: float = 100000, + include_tradingagents: bool = True, + include_dapt: bool = True, + dapt_adapter_path: str = None, + output_dir: str = None, + config: dict = None +): + """ + Run complete evaluation: baselines + TradingAgents (original + DAPT variant) for a single ticker. + + Args: + ticker: Stock ticker symbol + start_date: Start date for evaluation + end_date: End date for evaluation + initial_capital: Initial capital for backtesting + include_tradingagents: Whether to include original TradingAgents + include_dapt: Whether to include DAPT-enhanced TradingAgents + dapt_adapter_path: Path to DAPT adapter (required if include_dapt=True) + output_dir: Output directory for results + config: Base configuration dictionary + """ + print(f"\n{'='*80}") + print(f"EVALUATION: {ticker} from {start_date} to {end_date}") + print(f"Initial Capital: ${initial_capital:,.2f}") + print(f"{'='*80}\n") + + # Output dir + if output_dir is None: + output_dir = f"eval_results/{ticker}/{datetime.now().strftime('%Y%m%d_%H%M%S')}" + out = Path(output_dir) + out.mkdir(parents=True, exist_ok=True) + + # Load data + print("\n" + "="*80) + print("STEP 1: Loading Stock Data") + print("="*80) + data = load_stock_data(ticker, start_date, end_date) + data = standardize_single_ticker(data, ticker) + + # Backtest engine + engine = BacktestEngine(data, initial_capital) + + # Baselines + print("\n" + "="*80) + print("STEP 2: Running Baseline Strategies") + print("="*80) + baselines = get_all_baseline_strategies(initial_capital) + + for name, strategy in baselines.items(): + try: + print(f"\nRunning {name}...", end=" ") + portfolio = engine.run_strategy(strategy, start_date, end_date) + print("✓ Complete") + # Save actions to JSON + save_strategy_actions_to_json(portfolio, name, ticker, start_date, end_date, output_dir) + except Exception as e: + print(f"✗ Failed: {e}") + + # TradingAgents - Original + if include_tradingagents: + print("\n" + "="*80) + print("STEP 3: Running TradingAgents (Original)") + print("="*80) + try: + # Clear any existing ChromaDB collections + clear_chromadb_collections() + + cfg = (config or DEFAULT_CONFIG).copy() + # Fast eval defaults (you can override from CLI) + cfg["deep_think_llm"] = cfg.get("deep_think_llm", "o4-mini") + cfg["quick_think_llm"] = cfg.get("quick_think_llm", "gpt-4o-mini") + cfg["max_debate_rounds"] = cfg.get("max_debate_rounds", 1) + cfg["max_risk_discuss_rounds"] = cfg.get("max_risk_discuss_rounds", 1) + # Deterministic-ish decoding for reproducibility + cfg.setdefault("llm_params", {}).update({"temperature": 0.7, "top_p": 1.0, "seed": 42}) + # Disable ALL fine-tuned models for original TradingAgents + cfg["use_dapt_sentiment"] = False + cfg["use_sft_sentiment"] = False + + print(f"\nInitializing TradingAgents (Original)...") + print(f" Deep Thinking LLM: {cfg['deep_think_llm']}") + print(f" Quick Thinking LLM: {cfg['quick_think_llm']}") + print(f" Debate Rounds: {cfg['max_debate_rounds']}") + print(f" DAPT Sentiment: {cfg.get('use_dapt_sentiment', False)}") + print(f" SFT Sentiment: {cfg.get('use_sft_sentiment', False)}") + + graph = TradingAgentsGraph( + # selected_analysts=["news"], + selected_analysts=["market", "social", "news", "fundamentals"], + debug=False, + config=cfg + ) + ta_backtester = TradingAgentsBacktester(graph, initial_capital, output_dir) + ta_portfolio = ta_backtester.backtest(ticker, start_date, end_date, data) + + engine.results["TradingAgents"] = ta_portfolio + print("\n✓ TradingAgents (Original) backtest complete") + + # Save TradingAgents actions to JSON (in consistent format with baselines) + save_strategy_actions_to_json(ta_portfolio, "TradingAgents", ticker, start_date, end_date, output_dir) + + except Exception as e: + print(f"\n✗ TradingAgents (Original) failed: {e}") + import traceback + traceback.print_exc() + + # TradingAgents - DAPT Enhanced + if include_dapt: + print("\n" + "="*80) + print("STEP 4: Running TradingAgents (DAPT-Enhanced)") + print("="*80) + try: + # Clear any existing ChromaDB collections + clear_chromadb_collections() + + if dapt_adapter_path is None: + # Default to the path from test_dapt.py + dapt_adapter_path = "PATH" + print(f" Using default DAPT adapter path: {dapt_adapter_path}") + + cfg_dapt = (config or DEFAULT_CONFIG).copy() + # Fast eval defaults (you can override from CLI) + cfg_dapt["deep_think_llm"] = cfg_dapt.get("deep_think_llm", "o4-mini") + cfg_dapt["quick_think_llm"] = cfg_dapt.get("quick_think_llm", "gpt-4o-mini") + cfg_dapt["max_debate_rounds"] = cfg_dapt.get("max_debate_rounds", 1) + cfg_dapt["max_risk_discuss_rounds"] = cfg_dapt.get("max_risk_discuss_rounds", 1) + # Deterministic-ish decoding for reproducibility + cfg_dapt.setdefault("llm_params", {}).update({"temperature": 0.7, "top_p": 1.0, "seed": 42}) + + # Enable BOTH DAPT and SFT for complete fine-tuned pipeline + cfg_dapt["use_dapt_sentiment"] = True + cfg_dapt["dapt_adapter_path"] = dapt_adapter_path + cfg_dapt["use_sft_sentiment"] = True # Enable SFT for news sentiment + cfg_dapt["sft_adapter_path"] = cfg_dapt.get("sft_adapter_path", "PATH") + cfg_dapt["llm_provider"] = cfg_dapt.get("llm_provider", "openai") # provider for other agents + + print(f"\nInitializing TradingAgents (DAPT-Enhanced)...") + print(f" Deep Thinking LLM: {cfg_dapt['deep_think_llm']}") + print(f" Quick Thinking LLM: {cfg_dapt['quick_think_llm']}") + print(f" Debate Rounds: {cfg_dapt['max_debate_rounds']}") + print(f" DAPT Sentiment: {cfg_dapt['use_dapt_sentiment']}") + print(f" DAPT Adapter Path: {cfg_dapt['dapt_adapter_path']}") + print(f" SFT Sentiment: {cfg_dapt['use_sft_sentiment']}") + print(f" SFT Adapter Path: {cfg_dapt['sft_adapter_path']}") + + graph_dapt = TradingAgentsGraph( + # selected_analysts=["news"], + selected_analysts=["market", "social", "news", "fundamentals"], + debug=False, + config=cfg_dapt + ) + ta_dapt_backtester = TradingAgentsBacktester(graph_dapt, initial_capital, output_dir) + ta_dapt_portfolio = ta_dapt_backtester.backtest(ticker, start_date, end_date, data) + + engine.results["TradingAgents_DAPT"] = ta_dapt_portfolio + print("\n✓ TradingAgents (DAPT-Enhanced) backtest complete") + + # Save TradingAgents_DAPT actions to JSON + save_strategy_actions_to_json(ta_dapt_portfolio, "TradingAgents_DAPT", ticker, start_date, end_date, output_dir) + + except Exception as e: + print(f"\n✗ TradingAgents (DAPT-Enhanced) failed: {e}") + import traceback + traceback.print_exc() + + # Metrics + print("\n" + "="*80) + print("STEP 5: Calculating Performance Metrics") + print("="*80) + all_metrics = {} + for name, portfolio in engine.results.items(): + metrics = calculate_all_metrics(portfolio) + all_metrics[name] = metrics + print_metrics(metrics, name) + + # Generate cumulative returns comparison plot + print("\n" + "="*80) + print("STEP 6: Generating Comparison Plot") + print("="*80) + try: + comparison_plot_path = str(out / ticker / "strategy_comparison.png") + plot_cumulative_returns_from_results( + results_dir=str(out / ticker), + ticker=ticker, + output_path=comparison_plot_path + ) + # Also save as PDF + pdf_path = comparison_plot_path.replace('.png', '.pdf') + plot_cumulative_returns_from_results( + results_dir=str(out / ticker), + ticker=ticker, + output_path=pdf_path + ) + print(f"\n✓ Comparison plot saved to:") + print(f" - {comparison_plot_path}") + print(f" - {pdf_path}") + except Exception as e: + print(f"\n✗ Failed to generate comparison plot: {e}") + import traceback + traceback.print_exc() + + print("\n" + "="*80) + print("EVALUATION COMPLETE") + print("="*80) + print(f"\nResults saved to: {out}") + print(f"\nDaily actions JSON files saved for:") + for name in engine.results.keys(): + print(f" ✓ {name}") + + return engine.results, all_metrics + + +def main(): + parser = argparse.ArgumentParser(description="Run TradingAgents evaluation with baseline comparisons") + parser.add_argument("--ticker", type=str, help="Stock ticker symbol (e.g., AAPL)") + parser.add_argument("--start-date", type=str, required=True, help="Start date (YYYY-MM-DD)") + parser.add_argument("--end-date", type=str, required=True, help="End date (YYYY-MM-DD)") + parser.add_argument("--capital", type=float, default=100000, help="Initial capital (default: 100000)") + parser.add_argument("--skip-tradingagents", action="store_true", help="Skip original TradingAgents evaluation") + parser.add_argument("--skip-dapt", action="store_true", help="Skip DAPT-enhanced TradingAgents evaluation") + parser.add_argument("--dapt-adapter-path", type=str, default=None, help="Path to DAPT adapter (default: llama3_8b_dapt_transcripts_lora in workspace)") + parser.add_argument("--output-dir", type=str, default=None, help="Output directory for results") + parser.add_argument("--deep-llm", type=str, default="o4-mini", help="Deep thinking LLM model") + parser.add_argument("--quick-llm", type=str, default="gpt-4o-mini", help="Quick thinking LLM model") + parser.add_argument("--debate-rounds", type=int, default=1, help="Number of debate rounds (default: 1)") + + # Used for debugging + + if is_debugging(): + config = DEFAULT_CONFIG.copy() + config.update({ + "deep_think_llm": "o4-mini", + "quick_think_llm": "gpt-4o-mini", + "max_debate_rounds": 1, + "max_risk_discuss_rounds": 1, + "llm_params": {"temperature": 0.7, "top_p": 1.0, "seed": 42}, + }) + run_evaluation( + ticker="AAPL", + start_date="2024-01-01", + end_date="2024-01-10", + initial_capital=1000, + include_tradingagents=True, + include_dapt=True, + dapt_adapter_path="PATH", + output_dir="./evaluation_long_short/results", + config=config + ) + return + + # Build config + args = parser.parse_args() + config = DEFAULT_CONFIG.copy() + config["deep_think_llm"] = args.deep_llm + config["quick_think_llm"] = args.quick_llm + config["max_debate_rounds"] = args.debate_rounds + config["max_risk_discuss_rounds"] = args.debate_rounds + config.setdefault("llm_params", {}).update({"temperature": 0, "top_p": 1.0, "seed": 42}) + + run_evaluation( + ticker=args.ticker, + start_date=args.start_date, + end_date=args.end_date, + initial_capital=args.capital, + include_tradingagents=not args.skip_tradingagents, + include_dapt=not args.skip_dapt, + dapt_adapter_path=args.dapt_adapter_path, + output_dir=args.output_dir, + config=config + ) + +if __name__ == "__main__": + main() diff --git a/evaluation_long_short/visualize.py b/evaluation_long_short/visualize.py new file mode 100644 index 0000000000..a67d2d8dc0 --- /dev/null +++ b/evaluation_long_short/visualize.py @@ -0,0 +1,487 @@ +""" +Visualization tools for trading strategy evaluation. +Generates plots and reports for comparing TradingAgents with baseline strategies. +""" + +import pandas as pd +import numpy as np +import matplotlib.pyplot as plt +from pathlib import Path +from typing import Dict +import warnings +import json + +warnings.filterwarnings('ignore') + +# Try to import seaborn for better styling (optional) +try: + import seaborn as sns + plt.style.use('seaborn-v0_8-darkgrid') + sns.set_palette("husl") + HAS_SEABORN = True +except ImportError: + HAS_SEABORN = False + # Use default matplotlib styling + plt.rcParams['figure.facecolor'] = 'white' + plt.rcParams['axes.facecolor'] = 'white' + plt.rcParams['axes.grid'] = True + + +def plot_cumulative_returns( + results: Dict[str, pd.DataFrame], + ticker: str, + output_path: str = None, + figsize: tuple = (14, 8) +) -> plt.Figure: + """ + Plot cumulative returns comparison for all strategies. + + Args: + results: Dictionary mapping strategy name to portfolio DataFrame + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + fig, ax = plt.subplots(figsize=figsize) + + for name, portfolio in results.items(): + if "cumulative_return" in portfolio.columns: + cumulative = (portfolio["cumulative_return"] - 1) * 100 # Convert to percentage + ax.plot(portfolio.index, cumulative, label=name, linewidth=2, alpha=0.8) + + ax.set_xlabel('Date', fontsize=12, fontweight='bold') + ax.set_ylabel('Cumulative Return (%)', fontsize=12, fontweight='bold') + ax.set_title(f'{ticker} - Cumulative Returns Comparison', fontsize=14, fontweight='bold') + ax.legend(loc='best', fontsize=10, framealpha=0.9) + ax.grid(True, alpha=0.3) + ax.axhline(y=0, color='black', linestyle='--', linewidth=1, alpha=0.5) + + # Format y-axis as percentage + ax.yaxis.set_major_formatter(plt.FuncFormatter(lambda y, _: f'{y:.1f}%')) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved cumulative returns plot to: {output_path}") + + return fig + + +def plot_transaction_history( + portfolio: pd.DataFrame, + ticker: str, + strategy_name: str = "TradingAgents", + output_path: str = None, + figsize: tuple = (14, 10) +) -> plt.Figure: + """ + Plot transaction history with buy/sell signals overlaid on price chart. + + Args: + portfolio: Portfolio DataFrame with 'signal' and 'close' columns + ticker: Stock ticker symbol + strategy_name: Name of the strategy + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + fig, (ax1, ax2) = plt.subplots(2, 1, figsize=figsize, height_ratios=[2, 1]) + + # Price chart with signals + ax1.plot(portfolio.index, portfolio["close"], label='Close Price', + color='blue', linewidth=1.5, alpha=0.7) + + # Buy signals (signal == 1 and previous signal != 1) + signals = portfolio["signal"].copy() + buy_signals = (signals == 1) & (signals.shift(1) != 1) + sell_signals = (signals == -1) & (signals.shift(1) != -1) + + # Plot buy/sell markers + if buy_signals.any(): + ax1.scatter(portfolio.index[buy_signals], + portfolio.loc[buy_signals, "close"], + marker='^', color='green', s=100, label='Buy', + zorder=5, alpha=0.8) + + if sell_signals.any(): + ax1.scatter(portfolio.index[sell_signals], + portfolio.loc[sell_signals, "close"], + marker='v', color='red', s=100, label='Sell', + zorder=5, alpha=0.8) + + ax1.set_ylabel('Price ($)', fontsize=12, fontweight='bold') + ax1.set_title(f'{ticker} - {strategy_name} Transaction History', + fontsize=14, fontweight='bold') + ax1.legend(loc='best', fontsize=10) + ax1.grid(True, alpha=0.3) + + # Portfolio value + ax2.plot(portfolio.index, portfolio["portfolio_value"], + label='Portfolio Value', color='purple', linewidth=2) + ax2.fill_between(portfolio.index, portfolio["portfolio_value"], + alpha=0.3, color='purple') + ax2.set_xlabel('Date', fontsize=12, fontweight='bold') + ax2.set_ylabel('Portfolio Value ($)', fontsize=12, fontweight='bold') + ax2.legend(loc='best', fontsize=10) + ax2.grid(True, alpha=0.3) + + # Format y-axis as currency + ax2.yaxis.set_major_formatter(plt.FuncFormatter(lambda y, _: f'${y:,.0f}')) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved transaction history plot to: {output_path}") + + return fig + + +def plot_metrics_comparison( + comparison_df: pd.DataFrame, + ticker: str, + output_path: str = None, + figsize: tuple = (16, 10) +) -> plt.Figure: + """ + Create bar charts comparing key metrics across strategies. + + Args: + comparison_df: DataFrame with strategies as rows and metrics as columns + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + # Select key metrics (matching paper's Table 1) + metrics_to_plot = [ + "Cumulative Return (%)", + "Annualized Return (%)", + "Sharpe Ratio", + "Maximum Drawdown (%)" + ] + + # Filter to available metrics + available_metrics = [m for m in metrics_to_plot if m in comparison_df.columns] + + if not available_metrics: + raise ValueError("No matching metrics found in comparison DataFrame") + + n_metrics = len(available_metrics) + fig, axes = plt.subplots(2, 2, figsize=figsize) + axes = axes.flatten() + + for idx, metric in enumerate(available_metrics): + ax = axes[idx] + data = comparison_df[metric].sort_values(ascending=False) + + # Color code: TradingAgents in different color + colors = ['#FF6B6B' if name == 'TradingAgents' else '#4ECDC4' + for name in data.index] + + bars = ax.barh(range(len(data)), data.values, color=colors, alpha=0.8) + ax.set_yticks(range(len(data))) + ax.set_yticklabels(data.index, fontsize=10) + ax.set_xlabel(metric, fontsize=11, fontweight='bold') + ax.set_title(metric, fontsize=12, fontweight='bold') + ax.grid(True, alpha=0.3, axis='x') + + # Add value labels on bars + for i, (bar, value) in enumerate(zip(bars, data.values)): + if "Ratio" in metric: + label = f'{value:.2f}' + else: + label = f'{value:.1f}%' + ax.text(value, bar.get_y() + bar.get_height()/2, + f' {label}', va='center', fontsize=9) + + # Hide unused subplots + for idx in range(n_metrics, 4): + axes[idx].axis('off') + + fig.suptitle(f'{ticker} - Performance Metrics Comparison', + fontsize=16, fontweight='bold', y=0.995) + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved metrics comparison plot to: {output_path}") + + return fig + + +def plot_drawdown( + results: Dict[str, pd.DataFrame], + ticker: str, + output_path: str = None, + figsize: tuple = (14, 8) +) -> plt.Figure: + """ + Plot drawdown analysis for all strategies. + + Args: + results: Dictionary mapping strategy name to portfolio DataFrame + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + fig, ax = plt.subplots(figsize=figsize) + + for name, portfolio in results.items(): + if "portfolio_value" in portfolio.columns: + values = portfolio["portfolio_value"] + running_max = values.cummax() + drawdown = (values - running_max) / running_max * 100 + ax.plot(portfolio.index, drawdown, label=name, linewidth=2, alpha=0.7) + + ax.set_xlabel('Date', fontsize=12, fontweight='bold') + ax.set_ylabel('Drawdown (%)', fontsize=12, fontweight='bold') + ax.set_title(f'{ticker} - Drawdown Analysis', fontsize=14, fontweight='bold') + ax.legend(loc='best', fontsize=10, framealpha=0.9) + ax.grid(True, alpha=0.3) + ax.axhline(y=0, color='black', linestyle='--', linewidth=1, alpha=0.5) + + # Fill drawdown areas + for name, portfolio in results.items(): + if "portfolio_value" in portfolio.columns: + values = portfolio["portfolio_value"] + running_max = values.cummax() + drawdown = (values - running_max) / running_max * 100 + ax.fill_between(portfolio.index, drawdown, 0, alpha=0.1) + + # Format y-axis as percentage + ax.yaxis.set_major_formatter(plt.FuncFormatter(lambda y, _: f'{y:.1f}%')) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved drawdown plot to: {output_path}") + + return fig + + +def plot_returns_distribution( + results: Dict[str, pd.DataFrame], + ticker: str, + output_path: str = None, + figsize: tuple = (14, 8) +) -> plt.Figure: + """ + Plot distribution of daily returns for all strategies. + + Args: + results: Dictionary mapping strategy name to portfolio DataFrame + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + fig, ax = plt.subplots(figsize=figsize) + + for name, portfolio in results.items(): + if "strategy_return" in portfolio.columns: + returns = portfolio["strategy_return"].dropna() * 100 # Convert to percentage + ax.hist(returns, bins=50, alpha=0.5, label=name, density=True) + + ax.set_xlabel('Daily Return (%)', fontsize=12, fontweight='bold') + ax.set_ylabel('Density', fontsize=12, fontweight='bold') + ax.set_title(f'{ticker} - Returns Distribution', fontsize=14, fontweight='bold') + ax.legend(loc='best', fontsize=10) + ax.grid(True, alpha=0.3) + ax.axvline(x=0, color='black', linestyle='--', linewidth=1, alpha=0.5) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved returns distribution plot to: {output_path}") + + return fig + + +def create_summary_report( + ticker: str, + results: Dict[str, pd.DataFrame], + comparison_df: pd.DataFrame, + output_dir: str +) -> None: + """ + Generate comprehensive visual summary report. + Creates all standard plots and saves them to output directory. + + Args: + ticker: Stock ticker symbol + results: Dictionary mapping strategy name to portfolio DataFrame + comparison_df: DataFrame with performance metrics comparison + output_dir: Directory to save output files + """ + output_path = Path(output_dir) + output_path.mkdir(parents=True, exist_ok=True) + + print("\nGenerating visualizations...") + + # 1. Cumulative Returns + try: + plot_cumulative_returns( + results, + ticker, + output_path=str(output_path / f"{ticker}_cumulative_returns.png") + ) + except Exception as e: + print(f"✗ Failed to generate cumulative returns plot: {e}") + + # 2. Metrics Comparison + try: + plot_metrics_comparison( + comparison_df, + ticker, + output_path=str(output_path / f"{ticker}_metrics_comparison.png") + ) + except Exception as e: + print(f"✗ Failed to generate metrics comparison plot: {e}") + + # 3. Drawdown Analysis + try: + plot_drawdown( + results, + ticker, + output_path=str(output_path / f"{ticker}_drawdown.png") + ) + except Exception as e: + print(f"✗ Failed to generate drawdown plot: {e}") + + # 4. Transaction History (if TradingAgents results available) + if "TradingAgents" in results: + try: + plot_transaction_history( + results["TradingAgents"], + ticker, + strategy_name="TradingAgents", + output_path=str(output_path / f"{ticker}_TradingAgents_transactions.png") + ) + except Exception as e: + print(f"✗ Failed to generate transaction history plot: {e}") + + # 5. Returns Distribution + try: + plot_returns_distribution( + results, + ticker, + output_path=str(output_path / f"{ticker}_returns_distribution.png") + ) + except Exception as e: + print(f"✗ Failed to generate returns distribution plot: {e}") + + print(f"\n✓ All visualizations saved to: {output_dir}") + + +def plot_cumulative_returns_from_results( + results_dir: str, + ticker: str, + output_path: str = None, + figsize: tuple = (12, 7) +) -> plt.Figure: + """ + Plot cumulative returns comparison from saved JSON results. + + Args: + results_dir: Directory containing strategy result folders + ticker: Stock ticker symbol + output_path: Path to save the figure (optional) + figsize: Figure size (width, height) + + Returns: + matplotlib Figure object + """ + results_path = Path(results_dir) + + # Define strategies to load + strategies = { + 'BuyAndHold': 'BuyAndHoldStrategy', + 'MACD': 'MACDStrategy', + 'KDJ&RSI': 'KDJRSIStrategy', + 'ZMR': 'ZMRStrategy', + 'SMA': 'SMAStrategy', + 'TradingAgents': 'TradingAgents', + 'TradingAgents_DAPT': 'TradingAgents (DAPT+SFT)' + } + + fig, ax = plt.subplots(figsize=figsize) + + # Load and plot each strategy + for folder_name, display_name in strategies.items(): + strategy_dir = results_path / folder_name + if not strategy_dir.exists(): + continue + + # Find actions JSON file + action_files = list(strategy_dir.glob("actions_*.json")) + if not action_files: + continue + + try: + # Load data + with open(action_files[0], 'r') as f: + data = json.load(f) + + # Extract date and cumulative_return + dates = pd.to_datetime([action['date'] for action in data['actions']]) + cumulative_returns = [action['cumulative_return'] for action in data['actions']] + + # Plot with enhanced styling for TradingAgents variants + if 'TradingAgents' in display_name: + linewidth = 2.5 + alpha = 0.95 + else: + linewidth = 1.5 + alpha = 0.8 + + ax.plot(dates, cumulative_returns, label=display_name, + linewidth=linewidth, alpha=alpha) + + except Exception as e: + print(f"Warning: Failed to load {display_name}: {e}") + + ax.set_xlabel('Date', fontsize=12) + ax.set_ylabel('Cumulative Return', fontsize=12) + ax.set_title(f'Strategy Comparison - Cumulative Returns for {ticker}', + fontsize=14, fontweight='bold') + ax.legend(title='Strategies', loc='best', fontsize=10, framealpha=0.9) + ax.grid(True, alpha=0.3, linestyle='--') + ax.axhline(y=1.0, color='black', linestyle='--', linewidth=1, alpha=0.5) + + plt.tight_layout() + + if output_path: + fig.savefig(output_path, dpi=300, bbox_inches='tight') + print(f"✓ Saved cumulative returns comparison to: {output_path}") + + return fig + + +if __name__ == "__main__": + # Example usage / testing + print("Visualization module loaded successfully!") + print("\nAvailable functions:") + print(" - plot_cumulative_returns") + print(" - plot_cumulative_returns_from_results") + print(" - plot_transaction_history") + print(" - plot_metrics_comparison") + print(" - plot_drawdown") + print(" - plot_returns_distribution") + print(" - create_summary_report") + diff --git a/requirements.txt b/requirements.txt index a6154cd26e..a86f3ce0c3 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,26 +1,48 @@ -typing-extensions -langchain-openai -langchain-experimental -pandas -yfinance -praw -feedparser -stockstats -eodhd -langgraph -chromadb -setuptools -backtrader -akshare -tushare -finnhub-python -parsel -requests -tqdm -pytz -redis -chainlit -rich -questionary -langchain_anthropic -langchain-google-genai +certifi==2025.10.5 +chardet==4.0.0 +filelock==3.0.12 +fsspec==2025.9.0 +hf-xet==1.1.10 +huggingface-hub==0.35.3 +idna==2.10 +importlib-metadata==3.7.0 +Jinja2==3.1.6 +joblib==1.5.2 +MarkupSafe==2.1.5 +mpmath==1.3.0 +networkx==3.3 +numpy==2.2.6 +nvidia-cublas-cu12==12.4.5.8 +nvidia-cuda-cupti-cu12==12.4.127 +nvidia-cuda-nvrtc-cu12==12.4.127 +nvidia-cuda-runtime-cu12==12.4.127 +nvidia-cudnn-cu12==9.1.0.70 +nvidia-cufft-cu12==11.2.1.3 +nvidia-curand-cu12==10.3.5.147 +nvidia-cusolver-cu12==11.6.1.9 +nvidia-cusparse-cu12==12.3.1.170 +nvidia-cusparselt-cu12==0.6.2 +nvidia-nccl-cu12==2.21.5 +nvidia-nvjitlink-cu12==12.4.127 +nvidia-nvtx-cu12==12.4.127 +packaging==25.0 +pillow==11.3.0 +PyYAML==6.0.3 +regex==2025.9.18 +requests==2.25.1 +safetensors==0.6.2 +scikit-learn==1.7.2 +scipy==1.15.3 +sklearn==0.0 +sympy==1.13.1 +threadpoolctl==3.6.0 +tokenizers==0.22.1 +torch==2.6.0 +torchaudio==2.6.0 +torchvision==0.21.0 +tqdm==4.58.0 +transformers==4.57.1 +triton==3.2.0 +typing_extensions==4.15.0 +urllib3==1.26.20 +zipp==3.23.0 diff --git a/test_dapt.py b/test_dapt.py new file mode 100644 index 0000000000..7207b5e7cc --- /dev/null +++ b/test_dapt.py @@ -0,0 +1,14 @@ +from tradingagents.graph.trading_graph import TradingAgentsGraph +from tradingagents.default_config import DEFAULT_CONFIG +import os +from dotenv import load_dotenv +load_dotenv() +config = DEFAULT_CONFIG.copy() +config["use_dapt_sentiment"] = True +config["dapt_adapter_path"] = "" # <- set your absolute path +config["llm_provider"] = "openai" # provider for the other agents; DAPT is used for News +config["backend_url"] = "https://api.openai.com/v1" # unused if DAPT loads fine + +graph = TradingAgentsGraph(selected_analysts=["news"], config=config, debug=True) +_, decision = graph.propagate(company_name="AAPL", trade_date="2024-01-04") +print(decision) \ No newline at end of file diff --git a/tradingagents/agents/analysts/news_analyst.py b/tradingagents/agents/analysts/news_analyst.py index 03b4fae449..c458ed9917 100644 --- a/tradingagents/agents/analysts/news_analyst.py +++ b/tradingagents/agents/analysts/news_analyst.py @@ -1,58 +1,244 @@ -from langchain_core.prompts import ChatPromptTemplate, MessagesPlaceholder -import time -import json +from langchain_core.messages import SystemMessage, HumanMessage +from datetime import datetime, timedelta from tradingagents.agents.utils.agent_utils import get_news, get_global_news from tradingagents.dataflows.config import get_config +from tradingagents.dataflows.news_parsers import parse_stock_news, parse_global_news +import sys +from typing import List, Dict, Any, Tuple, Optional + +# Add external utilities path for confidence/relevance and LoRA scoring +CONF_UTILS_PATH = "Root Path" +if CONF_UTILS_PATH not in sys.path: + sys.path.append(CONF_UTILS_PATH) + +# Import confidence utilities +try: + import confidence as conf # type: ignore + from sentence_transformers import SentenceTransformer # type: ignore + print("[NEWS_ANALYST] Successfully imported confidence and sentence_transformers") +except Exception as _e: + print(f"[NEWS_ANALYST] Failed to import confidence utilities: {_e}") + conf = None # type: ignore + SentenceTransformer = None # type: ignore def create_news_analyst(llm): + # Lazy singletons for model and embedder to avoid reloading every call + lora_loaded: Dict[str, Any] = {"tokenizer": None, "model": None, "embedder": None} + + def _ensure_models(): + """Load SFT LoRA model and embedder only if use_sft_sentiment is enabled""" + cfg = get_config() + use_sft = cfg.get("use_sft_sentiment", False) # Default to False for original behavior + + if not use_sft: + # Skip loading SFT models if disabled + print("[NEWS_ANALYST] SFT sentiment disabled - using fallback sentiment analysis") + return False + + if conf is None: + raise RuntimeError("confidence.py utilities not available on sys.path.") + if lora_loaded["tokenizer"] is None or lora_loaded["model"] is None: + # Use configured SFT adapter path + adapters_path = cfg.get("sft_adapter_path", "PATH") + base_model_id = "meta-llama/Llama-3.1-8B" + print(f"[NEWS_ANALYST] Loading SFT LoRA model from: {adapters_path}") + tok, mdl = conf.load_lora_causal_model(base_model_id, adapters_path) + lora_loaded["tokenizer"] = tok + lora_loaded["model"] = mdl + print("[NEWS_ANALYST] SFT LoRA model loaded successfully") + if lora_loaded["embedder"] is None: + if SentenceTransformer is None: + raise RuntimeError("sentence-transformers not available for relevance computation.") + print("[NEWS_ANALYST] Loading sentence transformer embedder...") + lora_loaded["embedder"] = SentenceTransformer("sentence-transformers/all-MiniLM-L6-v2") + print("[NEWS_ANALYST] Embedder loaded successfully") + return True + + def _score_items( + items: List[Dict[str, Any]], + company: str, + ticker: str, + alpha: float, + beta_relevance: float, + ) -> Tuple[List[Dict[str, Any]], float, str]: + """ + Score each item with sentiment (LoRA) + confidence and relevance, then compute + net sentiment as sum(w_i * S_i) / sum(w_i), where w_i = alpha*confidence + (1-alpha)*relevance. + S_i in {-1, 0, 1}. + + If SFT sentiment is disabled, returns empty scoring. + """ + if not items: + return [], 0.0, "Neutral" + + # Check if SFT models should be loaded + sft_enabled = _ensure_models() + if not sft_enabled: + # SFT disabled - return items without sentiment scoring + print("[NEWS_ANALYST] Returning items without SFT sentiment scores (disabled)") + return items, 0.0, "Neutral" + + tokenizer = lora_loaded["tokenizer"] + model = lora_loaded["model"] + embedder = lora_loaded["embedder"] + + # Build prompts from item text + texts: List[str] = [] + for it in items: + # Priority: raw -> headline -> title -> summary + text = it.get("raw") or it.get("headline") or it.get("title") or it.get("summary") or "" + texts.append(text) + prompts = [conf.build_instruction_prompt(t) for t in texts] + + # Sentiment via LoRA scoring (label, confidence) + label_texts = ["Positive", "Neutral", "Negative"] + sent_conf: List[Tuple[str, float]] = conf.score_labels_with_lora(tokenizer, model, prompts, label_texts) + + scored_items: List[Dict[str, Any]] = [] + weighted_sum = 0.0 + weight_total = 0.0 + + for it, (lbl, conf_score), txt in zip(items, sent_conf, texts): + # lbl already lowercased in confidence.py output path + numeric = conf.label_to_numeric(lbl) + # Relevance using embedder, company name (if available) and ticker + relevance = conf.compute_relevance(embedder, txt if len(txt) <= 160 else (it.get("title") or txt[:160]), company or ticker, ticker, beta=beta_relevance) + weight = float(alpha) * float(conf_score) + float(1.0 - alpha) * float(relevance) + + scored = dict(it) + scored.update( + { + "sentiment_label": lbl, + "sentiment_score": int(numeric), # -1/0/1 + "confidence": float(round(conf_score, 3)), + "relevance": float(round(relevance, 3)), + "weight": float(round(weight, 3)), + } + ) + scored_items.append(scored) + weighted_sum += weight * numeric + weight_total += weight + + net_score = 0.0 if weight_total == 0.0 else float(weighted_sum / weight_total) + net_label = "Positive" if net_score > 0.2 else ("Negative" if net_score < -0.2 else "Neutral") + return scored_items, net_score, net_label + def news_analyst_node(state): current_date = state["trade_date"] ticker = state["company_of_interest"] - tools = [ - get_news, - get_global_news, - ] + # Compute 7-day lookback window + try: + end_dt = datetime.strptime(current_date, "%Y-%m-%d") + start_dt = end_dt - timedelta(days=7) + start_date = start_dt.strftime("%Y-%m-%d") + except Exception: + # Fallback: use the same day if parsing fails + start_date = current_date - system_message = ( - "You are a news researcher tasked with analyzing recent news and trends over the past week. Please write a comprehensive report of the current state of the world that is relevant for trading and macroeconomics. Use the available tools: get_news(query, start_date, end_date) for company-specific or targeted news searches, and get_global_news(curr_date, look_back_days, limit) for broader macroeconomic news. Do not simply state the trends are mixed, provide detailed and finegrained analysis and insights that may help traders make decisions." - + """ Make sure to append a Markdown table at the end of the report to organize key points in the report, organized and easy to read.""" - ) + # Fetch company-specific news and global macro news via tools + company_news = "" + global_news = "" + try: + company_news = get_news.invoke({"ticker": ticker, "start_date": start_date, "end_date": current_date}) or "" + except Exception: + company_news = "" + try: + global_news = get_global_news.invoke({"curr_date": current_date, "look_back_days": 7, "limit": 8}) or "" + except Exception: + global_news = "" - prompt = ChatPromptTemplate.from_messages( - [ - ( - "system", - "You are a helpful AI assistant, collaborating with other assistants." - " Use the provided tools to progress towards answering the question." - " If you are unable to fully answer, that's OK; another assistant with different tools" - " will help where you left off. Execute what you can to make progress." - " If you or any other assistant has the FINAL TRANSACTION PROPOSAL: **BUY/HOLD/SELL** or deliverable," - " prefix your response with FINAL TRANSACTION PROPOSAL: **BUY/HOLD/SELL** so the team knows to stop." - " You have access to the following tools: {tool_names}.\n{system_message}" - "For your reference, the current date is {current_date}. We are looking at the company {ticker}", - ), - MessagesPlaceholder(variable_name="messages"), - ] + # Build a data-grounded instruction and feed fetched data to the LLM + # Use completion-style prompt that works better with causal LMs (DAPT model) + system_instruction = ( + "You are a financial news analyst. Your task is to write a trading-relevant report " + "based on the news data provided below.\n\n" + "IMPORTANT: Do NOT repeat or echo any part of this prompt. Do NOT ask questions. " + "Do NOT output task lists or checklists. Start writing the report directly.\n\n" + f"Date: {current_date}\n" + f"Company: {ticker}\n\n" + f"=== Company News ({ticker}, {start_date} to {current_date}) ===\n{company_news}\n\n" + f"=== Global/Macro News (last 7 days) ===\n{global_news}\n\n" + "=== END OF NEWS DATA ===\n\n" + "Now write a comprehensive analysis report with trading implications. " + "End with a Markdown table summarizing key points." ) - prompt = prompt.partial(system_message=system_message) - prompt = prompt.partial(tool_names=", ".join([tool.name for tool in tools])) - prompt = prompt.partial(current_date=current_date) - prompt = prompt.partial(ticker=ticker) - - chain = prompt | llm.bind_tools(tools) - result = chain.invoke(state["messages"]) + # Use a single HumanMessage with a starter phrase to guide completion + # This helps causal LMs continue naturally instead of echoing + messages = [ + SystemMessage(content=system_instruction), + HumanMessage(content=f"Write the {ticker} news analysis report now:"), + ] + result = llm.invoke(messages) report = "" - if len(result.tool_calls) == 0: - report = result.content + # Use the generated content as the report + raw_report = getattr(result, "content", "") or "" + + # Post-process: remove any echoed prompt fragments + # Common echo patterns to filter out + echo_patterns = [ + "Write the", + "Produce the final report", + "news analysis report now", + "using the fetched data above", + ] + report = raw_report + for pattern in echo_patterns: + if report.strip().startswith(pattern): + # Remove the echoed line + lines = report.split('\n', 1) + report = lines[1] if len(lines) > 1 else "" + report = report.strip() + + # Now (after report generation), parse and compute net sentiment (keep logic intact) + company_items = parse_stock_news(company_news) if company_news else [] + global_items = parse_global_news(global_news) if global_news else [] + + cfg = get_config() + alpha = float(cfg.get("sentiment_conf_alpha", 0.7)) + beta_relevance = float(cfg.get("relevance_beta", 0.8)) + + all_items = [] + all_items.extend([dict(x, source="company") for x in company_items]) + all_items.extend([dict(x, source="global") for x in global_items]) + + news_items_scored: List[Dict[str, Any]] = [] + news_net_sentiment_score: float = 0.0 + news_net_sentiment_label: str = "Neutral" + + if (company_items or global_items) and conf is not None: + try: + news_items_scored, news_net_sentiment_score, news_net_sentiment_label = _score_items( + all_items, + company=ticker, + ticker=ticker, + alpha=alpha, + beta_relevance=beta_relevance, + ) + except Exception as e: + print(f"[NEWS_ANALYST] Sentiment scoring failed: {e}") + import traceback + traceback.print_exc() + news_items_scored = [] + news_net_sentiment_score = 0.0 + news_net_sentiment_label = "Neutral" + else: + if conf is None: + print("[NEWS_ANALYST] conf module not loaded - sentiment scoring skipped") + if not (company_items or global_items): + print("[NEWS_ANALYST] No news items to score") return { "messages": [result], "news_report": report, + # New outputs for FinLLama + "news_items_scored": news_items_scored, + "news_net_sentiment_score": news_net_sentiment_score, + "news_net_sentiment_label": news_net_sentiment_label, } return news_analyst_node diff --git a/tradingagents/agents/managers/research_manager.py b/tradingagents/agents/managers/research_manager.py index c537fa2ff2..567394ac87 100644 --- a/tradingagents/agents/managers/research_manager.py +++ b/tradingagents/agents/managers/research_manager.py @@ -9,6 +9,10 @@ def research_manager_node(state) -> dict: sentiment_report = state["sentiment_report"] news_report = state["news_report"] fundamentals_report = state["fundamentals_report"] + + # Get LoRA-scored news sentiment + news_net_sentiment_score = state.get("news_net_sentiment_score", 0.0) + news_net_sentiment_label = state.get("news_net_sentiment_label", "Neutral") investment_debate_state = state["investment_debate_state"] @@ -33,6 +37,9 @@ def research_manager_node(state) -> dict: Here are your past reflections on mistakes: \"{past_memory_str}\" +Additional Context: +News net sentiment (LoRA-scored): {news_net_sentiment_label} (score: {news_net_sentiment_score:.3f}) + Here is the debate: Debate History: {history}""" diff --git a/tradingagents/agents/researchers/bear_researcher.py b/tradingagents/agents/researchers/bear_researcher.py index 6634490a55..09a7c71ec2 100644 --- a/tradingagents/agents/researchers/bear_researcher.py +++ b/tradingagents/agents/researchers/bear_researcher.py @@ -14,6 +14,10 @@ def bear_node(state) -> dict: sentiment_report = state["sentiment_report"] news_report = state["news_report"] fundamentals_report = state["fundamentals_report"] + + # Get LoRA-scored news sentiment + news_net_sentiment_score = state.get("news_net_sentiment_score", 0.0) + news_net_sentiment_label = state.get("news_net_sentiment_label", "Neutral") curr_situation = f"{market_research_report}\n\n{sentiment_report}\n\n{news_report}\n\n{fundamentals_report}" past_memories = memory.get_memories(curr_situation, n_matches=2) @@ -37,6 +41,7 @@ def bear_node(state) -> dict: Market research report: {market_research_report} Social media sentiment report: {sentiment_report} Latest world affairs news: {news_report} +News net sentiment (LoRA-scored): {news_net_sentiment_label} (score: {news_net_sentiment_score:.3f}) Company fundamentals report: {fundamentals_report} Conversation history of the debate: {history} Last bull argument: {current_response} diff --git a/tradingagents/agents/researchers/bull_researcher.py b/tradingagents/agents/researchers/bull_researcher.py index b03ef7553a..30de3df2fd 100644 --- a/tradingagents/agents/researchers/bull_researcher.py +++ b/tradingagents/agents/researchers/bull_researcher.py @@ -14,6 +14,10 @@ def bull_node(state) -> dict: sentiment_report = state["sentiment_report"] news_report = state["news_report"] fundamentals_report = state["fundamentals_report"] + + # Get LoRA-scored news sentiment + news_net_sentiment_score = state.get("news_net_sentiment_score", 0.0) + news_net_sentiment_label = state.get("news_net_sentiment_label", "Neutral") curr_situation = f"{market_research_report}\n\n{sentiment_report}\n\n{news_report}\n\n{fundamentals_report}" past_memories = memory.get_memories(curr_situation, n_matches=2) @@ -35,6 +39,7 @@ def bull_node(state) -> dict: Market research report: {market_research_report} Social media sentiment report: {sentiment_report} Latest world affairs news: {news_report} +News net sentiment (LoRA-scored): {news_net_sentiment_label} (score: {news_net_sentiment_score:.3f}) Company fundamentals report: {fundamentals_report} Conversation history of the debate: {history} Last bear argument: {current_response} diff --git a/tradingagents/agents/utils/agent_states.py b/tradingagents/agents/utils/agent_states.py index 3a859ea193..a4b289d4df 100644 --- a/tradingagents/agents/utils/agent_states.py +++ b/tradingagents/agents/utils/agent_states.py @@ -59,6 +59,16 @@ class AgentState(MessagesState): news_report: Annotated[ str, "Report from the News Researcher of current world affairs" ] + # FinLLama News additions + news_items_scored: Annotated[ + list, "Per-item news sentiment with confidence, relevance, weight" + ] + news_net_sentiment_score: Annotated[ + float, "Weighted net sentiment score over fetched news items" + ] + news_net_sentiment_label: Annotated[ + str, "Label for net sentiment: Positive/Neutral/Negative" + ] fundamentals_report: Annotated[str, "Report from the Fundamentals Researcher"] # researcher team discussion step diff --git a/tradingagents/agents/utils/dapt_llm.py b/tradingagents/agents/utils/dapt_llm.py new file mode 100644 index 0000000000..d7f7934326 --- /dev/null +++ b/tradingagents/agents/utils/dapt_llm.py @@ -0,0 +1,228 @@ +""" +LangChain wrapper for DAPTed Llama 3.1 8B model (PEFT adapter) +""" +import torch +from typing import List, Optional, Any, Dict +from langchain_core.language_models.chat_models import BaseChatModel +from langchain_core.messages import BaseMessage, HumanMessage, SystemMessage, AIMessage +from langchain_core.outputs import ChatGeneration, ChatResult +from langchain_core.callbacks import CallbackManagerForLLMRun +from langchain_core.runnables import Runnable +from transformers import AutoModelForCausalLM, AutoTokenizer +from peft import PeftModel +import os + + +class DAPTLlamaChatModel(BaseChatModel): + """LangChain-compatible wrapper for DAPTed Llama 3.1 8B model""" + + model_id: str = "meta-llama/Llama-3.1-8B" + dapt_adapter_path: str + device: Optional[str] = None + max_new_tokens: int = 512 + temperature: float = 0.7 + top_p: float = 0.9 + + _model: Optional[Any] = None + _tokenizer: Optional[Any] = None + + def __init__(self, **kwargs): + super().__init__(**kwargs) + self._load_model() + + def _load_model(self): + """Load the DAPTed model with PEFT adapters""" + if self._model is not None: + return # Already loaded + + print(f"Loading DAPTed Llama model from {self.dapt_adapter_path}...") + + # Detect device + if self.device is None: + if torch.cuda.is_available(): + self.device = "cuda" + elif torch.backends.mps.is_available(): + self.device = "mps" + else: + self.device = "cpu" + + # Setup quantization for CUDA + bnb_config = None + if self.device == "cuda": + try: + from transformers import BitsAndBytesConfig + bnb_config = BitsAndBytesConfig( + load_in_4bit=True, + bnb_4bit_quant_type="nf4", + bnb_4bit_compute_dtype=torch.bfloat16 if torch.cuda.is_bf16_supported() else torch.float16, + bnb_4bit_use_double_quant=True, + ) + except ImportError: + print("bitsandbytes not available, loading in full precision") + + # Determine torch dtype + if self.device == "cuda": + torch_dtype = torch.bfloat16 if torch.cuda.is_bf16_supported() else torch.float16 + else: + torch_dtype = torch.float32 + + # Get HF token + hf_token = ( + os.getenv("HF_TOKEN") + or os.getenv("HUGGINGFACE_HUB_TOKEN") + or os.getenv("HUGGING_FACE_HUB_TOKEN") + ) + + # Load base model + base_model = AutoModelForCausalLM.from_pretrained( + self.model_id, + device_map="auto" if self.device == "cuda" else None, + torch_dtype=torch_dtype, + quantization_config=bnb_config, + low_cpu_mem_usage=True, + token=hf_token, + ) + + # Load PEFT adapters + if not os.path.exists(self.dapt_adapter_path): + raise ValueError(f"DAPT adapter path not found: {self.dapt_adapter_path}") + + self._model = PeftModel.from_pretrained(base_model, self.dapt_adapter_path) + self._model.eval() + + # Load tokenizer + self._tokenizer = AutoTokenizer.from_pretrained(self.model_id, token=hf_token) + if self._tokenizer.pad_token is None: + self._tokenizer.pad_token = self._tokenizer.eos_token + + print(f"DAPTed model loaded successfully on {self.device}") + + def _format_messages(self, messages: List[BaseMessage]) -> str: + """Convert LangChain messages to Llama 3.1 chat format""" + # Use tokenizer's chat template if available + if hasattr(self._tokenizer, 'apply_chat_template') and self._tokenizer.chat_template: + # Convert to format expected by tokenizer + formatted_messages = [] + for msg in messages: + if isinstance(msg, SystemMessage): + formatted_messages.append({"role": "system", "content": msg.content}) + elif isinstance(msg, HumanMessage): + formatted_messages.append({"role": "user", "content": msg.content}) + elif isinstance(msg, AIMessage): + formatted_messages.append({"role": "assistant", "content": msg.content}) + else: + formatted_messages.append({"role": "user", "content": str(msg.content)}) + + # Apply chat template + prompt = self._tokenizer.apply_chat_template( + formatted_messages, + tokenize=False, + add_generation_prompt=True + ) + return prompt + else: + # Fallback to Llama 3 style manual formatting using header tokens + # <|begin_of_text|> + # <|start_header_id|>system<|end_header_id|> + # {content}<|eot_id|> ... + bos = "<|begin_of_text|>" + start_header = "<|start_header_id|>" + end_header = "<|end_header_id|>" + eot = "<|eot_id|>" + parts: List[str] = [bos] + for msg in messages: + if isinstance(msg, SystemMessage): + parts.append(f"{start_header}system{end_header}\n{msg.content}{eot}\n") + elif isinstance(msg, HumanMessage): + parts.append(f"{start_header}user{end_header}\n{msg.content}{eot}\n") + elif isinstance(msg, AIMessage): + parts.append(f"{start_header}assistant{end_header}\n{msg.content}{eot}\n") + else: + parts.append(f"{start_header}user{end_header}\n{str(msg.content)}{eot}\n") + # Add assistant header to cue generation + parts.append(f"{start_header}assistant{end_header}\n") + return "".join(parts) + + def _generate( + self, + messages: List[BaseMessage], + stop: Optional[List[str]] = None, + run_manager: Optional[CallbackManagerForLLMRun] = None, + **kwargs: Any, + ) -> ChatResult: + """Generate a response from the model""" + if self._model is None or self._tokenizer is None: + self._load_model() + + # Format messages + prompt = self._format_messages(messages) + + # Tokenize + inputs = self._tokenizer(prompt, return_tensors="pt") + if self.device != "cpu": + inputs = {k: v.to(self.device) for k, v in inputs.items()} + + # Generate + with torch.no_grad(): + outputs = self._model.generate( + **inputs, + max_new_tokens=self.max_new_tokens, + temperature=self.temperature, + top_p=self.top_p, + do_sample=True, + pad_token_id=self._tokenizer.pad_token_id, + eos_token_id=self._tokenizer.eos_token_id, + ) + + # Decode + generated_text = self._tokenizer.decode( + outputs[0][inputs["input_ids"].shape[1]:], + skip_special_tokens=True + ) + + # Create response + message = AIMessage(content=generated_text) + generation = ChatGeneration(message=message) + + return ChatResult(generations=[generation]) + + @property + def _llm_type(self) -> str: + return "dapt_llama" + + def bind_tools(self, tools: List[Any], **kwargs: Any): + """Bind tools - returns a runnable that handles tool calling""" + # Store tools for potential use in prompt enhancement + self._bound_tools = tools + return DAPTLlamaWithTools(self, tools) + + def _invoke(self, messages: List[BaseMessage], **kwargs: Any) -> AIMessage: + """Internal invoke that returns AIMessage with tool_calls attribute""" + chat_result = self._generate(messages, **kwargs) + ai_message = chat_result.generations[0].message + + # Add tool_calls attribute (empty list for now - DAPT model doesn't natively support tool calling) + # The analyst node will check len(tool_calls) == 0 and use content directly + if not hasattr(ai_message, 'tool_calls'): + ai_message.tool_calls = [] + + return ai_message + + +class DAPTLlamaWithTools(Runnable): + """Wrapper to make DAPT LLM compatible with bind_tools interface""" + + def __init__(self, llm: DAPTLlamaChatModel, tools: List[Any]): + self.llm = llm + self.tools = tools + + def invoke(self, input: Any, config: Optional[Any] = None, **kwargs: Any) -> AIMessage: + """Invoke the LLM and return result with tool_calls attribute""" + if isinstance(input, dict) and "messages" in input: + messages = input["messages"] + elif isinstance(input, list): + messages = input + else: + messages = [input] if isinstance(input, BaseMessage) else [HumanMessage(content=str(input))] + + return self.llm._invoke(messages, **kwargs) \ No newline at end of file diff --git a/tradingagents/dataflows/news_parsers.py b/tradingagents/dataflows/news_parsers.py new file mode 100644 index 0000000000..8735d1ecff --- /dev/null +++ b/tradingagents/dataflows/news_parsers.py @@ -0,0 +1,148 @@ +import re +from typing import List, Dict, Any + + +def _extract_urls(text: str) -> List[str]: + url_pattern = re.compile(r"https?://[^\s)]+") + return url_pattern.findall(text or "") + + +def _strip_md(s: str) -> str: + if not s: + return s + # Remove simple markdown bold/italics markers + return re.sub(r"[*_`]+", "", s).strip() + + +def parse_global_news(raw_text: str) -> List[Dict[str, Any]]: + """ + Parses global news text produced by get_global_news_openai into a list of items. + Expected patterns include enumerated bold headings like: + 1. **October 25, 2025: "Headline"** + - Trading Relevance: ... + (source links) + Returns a list of dicts with keys: date, headline, relevance, sources, raw. + """ + if not raw_text or not isinstance(raw_text, str): + return [] + + items: List[Dict[str, Any]] = [] + + # Find each enumerated bold heading and take content until next heading + header_iter = list( + re.finditer(r"(?m)^\s*\d+\.\s+\*\*(.+?)\*\*\s*$", raw_text) + ) + if not header_iter: + # Fallback: try to split by lines that start with a date-like pattern in bold + header_iter = list( + re.finditer(r"(?m)^\s*\*\*([A-Za-z]+\s+\d{1,2},\s+\d{4}.*)\*\*\s*$", raw_text) + ) + + boundaries = [] + for m in header_iter: + boundaries.append((m.start(), m.end(), m.group(1))) + # Add sentinel end + text_len = len(raw_text) + for i, (s, e, header_text) in enumerate(boundaries): + next_start = boundaries[i + 1][0] if i + 1 < len(boundaries) else text_len + block = raw_text[e:next_start].strip() + + header = header_text.strip() + # Extract date and headline from header + date_match = re.search(r"([A-Za-z]+\s+\d{1,2},\s+\d{4})", header) + quoted_headline = re.search(r"\"([^\"]+)\"", header) + headline_after_colon = None + if ":" in header: + parts = header.split(":", 1) + headline_after_colon = parts[1].strip() + # Remove surrounding quotes if present + headline_after_colon = headline_after_colon.strip("\"“”") + + date_str = date_match.group(1) if date_match else None + headline = ( + quoted_headline.group(1) + if quoted_headline + else (headline_after_colon or _strip_md(header)) + ) + + # Extract trading relevance line(s) + rel_match = re.search( + r"(?i)Trading\s+Relevance:\s*(.+)", block + ) + relevance = rel_match.group(1).strip() if rel_match else "" + + sources = _extract_urls(block + " " + header) + + items.append( + { + "date": date_str, + "headline": headline, + "relevance": relevance, + "sources": list(dict.fromkeys(sources)), + "raw": header + "\n" + block, + } + ) + return items + + +def parse_stock_news(raw_text: str) -> List[Dict[str, Any]]: + """ + Parses company-specific news text from get_stock_news_openai into a list of items. + Expected patterns include bold enumerated sections like: + **1. Topic** + Description ... (url) + Returns a list of dicts with keys: title, summary, sources, raw. + """ + if not raw_text or not isinstance(raw_text, str): + return [] + + items: List[Dict[str, Any]] = [] + + # Find headings like **1. Something** or **1. Something** on its own line + header_iter = list( + re.finditer(r"(?m)^\s*\*\*\s*\d+\.\s*(.+?)\s*\*\*\s*$", raw_text) + ) + + if not header_iter: + # Fallback: split by numbered lines even without bold + header_iter = list( + re.finditer(r"(?m)^\s*\d+\.\s+(.+?)\s*$", raw_text) + ) + + if header_iter: + boundaries = [] + for m in header_iter: + boundaries.append((m.start(), m.end(), m.group(1))) + text_len = len(raw_text) + for i, (s, e, header_text) in enumerate(boundaries): + next_start = boundaries[i + 1][0] if i + 1 < len(boundaries) else text_len + block = raw_text[e:next_start].strip() + title = _strip_md(header_text) + sources = _extract_urls(block + " " + title) + summary = block.strip() + items.append( + { + "title": title, + "summary": summary, + "sources": list(dict.fromkeys(sources)), + "raw": f"{title}\n{summary}", + } + ) + else: + # Last resort: try to split paragraphs; each paragraph with a URL is an item + paragraphs = [p.strip() for p in re.split(r"\n\s*\n", raw_text) if p.strip()] + for p in paragraphs: + urls = _extract_urls(p) + if urls or len(p) > 120: + items.append( + { + "title": p.split("\n", 1)[0][:80], + "summary": p, + "sources": list(dict.fromkeys(urls)), + "raw": p, + } + ) + + return items + + diff --git a/tradingagents/dataflows/openai.py b/tradingagents/dataflows/openai.py index 91a2258b1b..4bedd1c4d1 100644 --- a/tradingagents/dataflows/openai.py +++ b/tradingagents/dataflows/openai.py @@ -1,3 +1,5 @@ +from datetime import datetime, timedelta + from openai import OpenAI from .config import get_config @@ -33,43 +35,68 @@ def get_stock_news_openai(query, start_date, end_date): top_p=1, store=True, ) + # print("2:OpenAI call completed") + # print(response) return response.output[1].content[0].text def get_global_news_openai(curr_date, look_back_days=7, limit=5): + + def _extract_text(resp): + # 1) Preferred field for the Responses API + if hasattr(resp, "output_text") and resp.output_text: + return resp.output_text + + # 2) Structured outputs (some SDK builds) + try: + if resp.output and len(resp.output) > 0: + parts = resp.output[0].content or [] + texts = [] + for p in parts: + # p may be a plain object with .text, or a dict + t = getattr(p, "text", None) or (p.get("text") if isinstance(p, dict) else None) + if t: + texts.append(t) + if texts: + return "\n".join(texts) + except Exception: + pass + + # 3) Chat Completions style fallback (just in case) + try: + return resp.choices[0].message["content"] + except Exception: + pass + + # 4) Last resort: stringify the whole object + return str(resp) + config = get_config() client = OpenAI(base_url=config["backend_url"]) - response = client.responses.create( + # Build a clean date window + end = datetime.strptime(curr_date, "%Y-%m-%d").date() + start = end - timedelta(days=look_back_days) + + prompt = ( + f"List {limit} global or macroeconomic news items helpful for trading, " + f"strictly published between {start.isoformat()} and {end.isoformat()} (inclusive). " + "For each item, give: date, headline, 1-2 sentence trading relevance. " + "Do not include articles outside the window." + ) + + resp = client.responses.create( model=config["quick_think_llm"], - input=[ - { - "role": "system", - "content": [ - { - "type": "input_text", - "text": f"Can you search global or macroeconomics news from {look_back_days} days before {curr_date} to {curr_date} that would be informative for trading purposes? Make sure you only get the data posted during that period. Limit the results to {limit} articles.", - } - ], - } - ], - text={"format": {"type": "text"}}, + input=prompt, reasoning={}, - tools=[ - { - "type": "web_search_preview", - "user_location": {"type": "approximate"}, - "search_context_size": "low", - } - ], - temperature=1, + tools=[{"type": "web_search_preview"}], max_output_tokens=4096, - top_p=1, - store=True, + store=False, ) - - return response.output[1].content[0].text + # print("1:OpenAI call completed") + # print(resp) + return _extract_text(resp) def get_fundamentals_openai(ticker, curr_date): diff --git a/tradingagents/default_config.py b/tradingagents/default_config.py index 1f40a2a283..6b6a91f0a7 100644 --- a/tradingagents/default_config.py +++ b/tradingagents/default_config.py @@ -1,4 +1,12 @@ import os +from pathlib import Path +from dotenv import load_dotenv + +# Load environment variables from .env file +# Look for .env in the project root (parent of tradingagents directory) +project_root = Path(__file__).parent.parent +dotenv_path = project_root / ".env" +load_dotenv(dotenv_path=dotenv_path) DEFAULT_CONFIG = { "project_dir": os.path.abspath(os.path.join(os.path.dirname(__file__), ".")), @@ -13,6 +21,17 @@ "deep_think_llm": "o4-mini", "quick_think_llm": "gpt-4o-mini", "backend_url": "https://api.openai.com/v1", + "openai_api_key": os.getenv("OPENAI_API_KEY"), # Load from .env file + # Sentiment analysis model (DAPTed Llama 3.1 8B) + "use_dapt_sentiment": True, # Use DAPTed model for sentiment analysis (set False to use OpenAI backup) + # Path to DAPT PEFT adapter (dynamically uses current username) + "dapt_adapter_path": "PATH", + # Path to SFT adapter for news sentiment scoring + "use_sft_sentiment": True, # Use SFT fine-tuned model for news sentiment (set False for no fine-tuning) + "sft_adapter_path": "PATH", + + # Fallback: OpenAI model if DAPT is unavailable + "sentiment_fallback_llm": "o4-mini", # OpenAI model for fallback # Debate and discussion settings "max_debate_rounds": 1, "max_risk_discuss_rounds": 1, @@ -27,7 +46,8 @@ }, # Tool-level configuration (takes precedence over category-level) "tool_vendors": { - # Example: "get_stock_data": "alpha_vantage", # Override category default - # Example: "get_news": "openai", # Override category default - }, + "get_stock_data": "openai", # Override category default + "get_news": "openai", + "get_global_news" :"openai" # Override category default + } } diff --git a/tradingagents/graph/setup.py b/tradingagents/graph/setup.py index b270ffc046..b7c174cc12 100644 --- a/tradingagents/graph/setup.py +++ b/tradingagents/graph/setup.py @@ -2,6 +2,7 @@ from typing import Dict, Any from langchain_openai import ChatOpenAI +from langchain_core.language_models.chat_models import BaseChatModel from langgraph.graph import END, StateGraph, START from langgraph.prebuilt import ToolNode @@ -18,6 +19,7 @@ def __init__( self, quick_thinking_llm: ChatOpenAI, deep_thinking_llm: ChatOpenAI, + sentiment_llm: BaseChatModel, tool_nodes: Dict[str, ToolNode], bull_memory, bear_memory, @@ -29,6 +31,7 @@ def __init__( """Initialize with required components.""" self.quick_thinking_llm = quick_thinking_llm self.deep_thinking_llm = deep_thinking_llm + self.sentiment_llm = sentiment_llm self.tool_nodes = tool_nodes self.bull_memory = bull_memory self.bear_memory = bear_memory @@ -73,6 +76,7 @@ def setup_graph( if "news" in selected_analysts: analyst_nodes["news"] = create_news_analyst( + # self.sentiment_llm self.quick_thinking_llm ) delete_nodes["news"] = create_msg_delete() diff --git a/tradingagents/graph/trading_graph.py b/tradingagents/graph/trading_graph.py index 40cdff755d..34c07bd8c4 100644 --- a/tradingagents/graph/trading_graph.py +++ b/tradingagents/graph/trading_graph.py @@ -9,6 +9,7 @@ from langchain_openai import ChatOpenAI from langchain_anthropic import ChatAnthropic from langchain_google_genai import ChatGoogleGenerativeAI +from tradingagents.agents.utils.dapt_llm import DAPTLlamaChatModel from langgraph.prebuilt import ToolNode @@ -73,8 +74,16 @@ def __init__( # Initialize LLMs if self.config["llm_provider"].lower() == "openai" or self.config["llm_provider"] == "ollama" or self.config["llm_provider"] == "openrouter": - self.deep_thinking_llm = ChatOpenAI(model=self.config["deep_think_llm"], base_url=self.config["backend_url"]) - self.quick_thinking_llm = ChatOpenAI(model=self.config["quick_think_llm"], base_url=self.config["backend_url"]) + self.deep_thinking_llm = ChatOpenAI( + model=self.config["deep_think_llm"], + base_url=self.config["backend_url"], + api_key=self.config.get("openai_api_key") + ) + self.quick_thinking_llm = ChatOpenAI( + model=self.config["quick_think_llm"], + base_url=self.config["backend_url"], + api_key=self.config.get("openai_api_key") + ) elif self.config["llm_provider"].lower() == "anthropic": self.deep_thinking_llm = ChatAnthropic(model=self.config["deep_think_llm"], base_url=self.config["backend_url"]) self.quick_thinking_llm = ChatAnthropic(model=self.config["quick_think_llm"], base_url=self.config["backend_url"]) @@ -84,6 +93,34 @@ def __init__( else: raise ValueError(f"Unsupported LLM provider: {self.config['llm_provider']}") + # Initialize sentiment analysis LLM (DAPTed Llama 3.1 8B) + if self.config.get("use_dapt_sentiment", True): + # Use DAPTed model directly + dapt_path = self.config.get("dapt_adapter_path", f"/u/v/d/{os.getenv('USER', 'vdhanuka')}/llama3_8b_dapt_transcripts_lora") + # Convert relative path to absolute if needed + if not os.path.isabs(dapt_path): + dapt_path = os.path.join(self.config["project_dir"], dapt_path) + try: + self.sentiment_llm = DAPTLlamaChatModel( + dapt_adapter_path=dapt_path, + max_new_tokens=1024, # Increased for longer reports + temperature=0.7, + ) + except Exception as e: + print(f"Warning: Failed to load DAPT model: {e}. Falling back to OpenAI.") + self.sentiment_llm = ChatOpenAI( + model=self.config.get("sentiment_fallback_llm", "o1-mini"), + base_url=self.config["backend_url"], + api_key=self.config.get("openai_api_key") + ) + else: + # Fallback to OpenAI model + self.sentiment_llm = ChatOpenAI( + model=self.config.get("sentiment_fallback_llm", "o1-mini"), + base_url=self.config["backend_url"], + api_key=self.config.get("openai_api_key") + ) + # Initialize memories self.bull_memory = FinancialSituationMemory("bull_memory", self.config) self.bear_memory = FinancialSituationMemory("bear_memory", self.config) @@ -99,6 +136,7 @@ def __init__( self.graph_setup = GraphSetup( self.quick_thinking_llm, self.deep_thinking_llm, + self.sentiment_llm, self.tool_nodes, self.bull_memory, self.bear_memory, @@ -200,6 +238,10 @@ def _log_state(self, trade_date, final_state): "market_report": final_state["market_report"], "sentiment_report": final_state["sentiment_report"], "news_report": final_state["news_report"], + # Persist FinLLama News fields if present + "news_items_scored": final_state.get("news_items_scored", []), + "news_net_sentiment_score": final_state.get("news_net_sentiment_score"), + "news_net_sentiment_label": final_state.get("news_net_sentiment_label"), "fundamentals_report": final_state["fundamentals_report"], "investment_debate_state": { "bull_history": final_state["investment_debate_state"]["bull_history"], diff --git a/tradingagents/prepare_news_dataset.py b/tradingagents/prepare_news_dataset.py new file mode 100644 index 0000000000..7c4a7c2755 --- /dev/null +++ b/tradingagents/prepare_news_dataset.py @@ -0,0 +1,114 @@ +#!/usr/bin/env python3 +import argparse +import json +from typing import List, Dict, Any + +from tradingagents.dataflows.openai import ( + get_stock_news_openai, + get_global_news_openai, +) +from tradingagents.dataflows.news_parsers import ( + parse_global_news, + parse_stock_news, +) + + +def build_text_from_global_item(item: Dict[str, Any]) -> str: + parts: List[str] = [] + if item.get("date"): + parts.append(f"Date: {item['date']}") + if item.get("headline"): + parts.append(f"Headline: {item['headline']}") + if item.get("relevance"): + parts.append(f"Relevance: {item['relevance']}") + if item.get("sources"): + parts.append("Sources: " + ", ".join(item["sources"][:3])) + return "\n".join(parts).strip() + + +def build_text_from_stock_item(item: Dict[str, Any]) -> str: + parts: List[str] = [] + if item.get("title"): + parts.append(f"Title: {item['title']}") + if item.get("summary"): + parts.append(item["summary"]) + if item.get("sources"): + parts.append("Sources: " + ", ".join(item["sources"][:3])) + return "\n".join(parts).strip() + + +def write_json(path: str, rows: List[Dict[str, Any]]) -> None: + with open(path, "w", encoding="utf-8") as f: + json.dump(rows, f, ensure_ascii=False, indent=2) + + +def run_company(ticker: str, start_date: str, end_date: str, out_path: str) -> None: + raw = get_stock_news_openai(ticker, start_date, end_date) + items = parse_stock_news(raw) + rows: List[Dict[str, Any]] = [] + for it in items: + text = build_text_from_stock_item(it) + rows.append( + { + "text": text, + "ticker": ticker, + "start_date": start_date, + "end_date": end_date, + "sources": it.get("sources", []), + # Leave label absent; add later if you want supervised SFT + } + ) + write_json(out_path, rows) + print(f"Wrote {len(rows)} company news items to: {out_path}") + + +def run_global(curr_date: str, look_back_days: int, limit: int, out_path: str) -> None: + raw = get_global_news_openai(curr_date, look_back_days=look_back_days, limit=limit) + items = parse_global_news(raw) + rows: List[Dict[str, Any]] = [] + for it in items: + text = build_text_from_global_item(it) + rows.append( + { + "text": text, + "curr_date": curr_date, + "look_back_days": look_back_days, + "sources": it.get("sources", []), + # Leave label absent; add later if you want supervised SFT + } + ) + write_json(out_path, rows) + print(f"Wrote {len(rows)} global news items to: {out_path}") + + +def main(): + parser = argparse.ArgumentParser(description="Fetch, split, and save news as JSON dataset.") + mode = parser.add_mutually_exclusive_group(required=True) + mode.add_argument("--company", action="store_true", help="Fetch company-specific news") + mode.add_argument("--global-news", action="store_true", help="Fetch global/macro news") + + parser.add_argument("--ticker", type=str, help="Ticker symbol for company news") + parser.add_argument("--start-date", type=str, help="Start date YYYY-MM-DD for company news") + parser.add_argument("--end-date", type=str, help="End date YYYY-MM-DD for company news") + + parser.add_argument("--curr-date", type=str, help="Reference date YYYY-MM-DD for global news") + parser.add_argument("--look-back-days", type=int, default=7, help="Look-back window for global news") + parser.add_argument("--limit", type=int, default=5, help="Max number of global items") + + parser.add_argument("--output", type=str, required=True, help="Output JSON path") + args = parser.parse_args() + + if args.company: + if not (args.ticker and args.start_date and args.end_date): + raise SystemExit("For --company, provide --ticker, --start-date, --end-date") + run_company(args.ticker, args.start_date, args.end_date, args.output) + else: + if not args.curr_date: + raise SystemExit("For --global-news, provide --curr-date") + run_global(args.curr_date, args.look_back_days, args.limit, args.output) + + +if __name__ == "__main__": + main() + +