diff --git a/README.md b/README.md index 32bea23660a42ea883bdcf75770752de9a7602d5..659b4854422cdc786fe48c773035bd0200882745 100644 --- a/README.md +++ b/README.md @@ -7,3 +7,10 @@ * Lancer le script Le fichier de sortie est au format JSON dans le fichier `output`. + +## Lancer le modèle + +* Lancer le programme en se plaçant dans le terminale le dossier `src` +* Suivre les instructions écrites (possibilités d'entraîner un nouveau modèle, d'utiliser un déjà entraîné pour prédire des données) + +Les noms des modèles sont dans le fichier `models` diff --git a/main.py b/main.py deleted file mode 100644 index f1103bbd1b2fdc265169f32515269cf1316ff50a..0000000000000000000000000000000000000000 --- a/main.py +++ /dev/null @@ -1,54 +0,0 @@ -import snscrape.modules.twitter as sntwitter -import pandas as pd -import datetime as dt - -from src.functions import construct_query, convert_date_str, calc_frequency, supress_n, keep_tweet, get_dates - -list_table = [] -table = pd.DataFrame(columns=['date', 'username', 'tweet']) - -terms = ["metaverse"] -negativeTerms = [] - -filters = [] -negativeFilters = ["replies", "links", "retweets", "nativeretweets"] - -languages = ["en"] - -beginDate = dt.datetime(2023, 5, 1, 12, 00, 00) -endDate = dt.datetime(2023, 5, 30, 12, 00, 00) - -timeDelay = 7 - -dateList = get_dates(beginDate, endDate, timeDelay) - -tweetNumber = 100 -totalTweetCounter = 0 - - -for d in range(len(dateList)-1): - table = pd.DataFrame(columns=['date', 'username', 'tweet']) - tweetCounter = 0 - - for i, tweet in enumerate(sntwitter.TwitterSearchScraper(query=construct_query(terms, negativeTerms, filters, negativeFilters, dateList[d], dateList[d+1])).get_items()): - - if tweetCounter >= tweetNumber: - break - - if (tweet.lang in languages): - dict = {'date': convert_date_str( - tweet.date), 'username': tweet.user.username, 'tweet': supress_n(tweet.rawContent)} - - if (keep_tweet(tweet, terms)): - table = pd.concat([table, pd.DataFrame.from_records([dict])]) - tweetCounter += 1 - totalTweetCounter += 1 - - print(round(totalTweetCounter/((len(dateList)-1)*tweetNumber)*100, 1), " %") - - table = table.drop_duplicates(subset=["tweet"]).sort_values(by=["tweet"]) - list_table.append(table) - -for i in range(len(list_table)): - list_table[i].to_excel("output/twitter_data_" + - str(i)+".xlsx") diff --git a/models/model_tweet/fingerprint.pb b/models/model_tweet/fingerprint.pb new file mode 100644 index 0000000000000000000000000000000000000000..880fd809200a04d567f0f7b86114a91a7e40cb21 --- /dev/null +++ b/models/model_tweet/fingerprint.pb @@ -0,0 +1 @@ +�Ӊ������ȫу�̴�坌��? â�����(怟����^2 \ No newline at end of file diff --git a/models/model_tweet/keras_metadata.pb b/models/model_tweet/keras_metadata.pb new file mode 100644 index 0000000000000000000000000000000000000000..1a4a70d278f281d48940714ebe9ab5aa7b5d95b3 --- /dev/null +++ b/models/model_tweet/keras_metadata.pb @@ -0,0 +1,9 @@ + +�1root"_tf_keras_sequential*�0{"name": "sequential", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": false, "class_name": "Sequential", "config": {"name": "sequential", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "embedding_input"}}, {"class_name": "Embedding", "config": {"name": "embedding", "trainable": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "input_dim": 2000, "output_dim": 128, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": 39}}, {"class_name": "SpatialDropout1D", "config": {"name": "spatial_dropout1d", "trainable": true, "dtype": "float32", "rate": 0.4, "noise_shape": null, "seed": null}}, {"class_name": "LSTM", "config": {"name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}}, {"class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 3, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}]}, "shared_object_id": 12, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, 39]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 39]}, "is_graph_network": true, "full_save_spec": {"class_name": "__tuple__", "items": [[{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 39]}, "float32", "embedding_input"]}], {}]}, "save_spec": {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 39]}, "float32", "embedding_input"]}, "keras_version": "2.13.0", "backend": "tensorflow", "model_config": {"class_name": "Sequential", "config": {"name": "sequential", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "embedding_input"}, "shared_object_id": 0}, {"class_name": "Embedding", "config": {"name": "embedding", "trainable": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "input_dim": 2000, "output_dim": 128, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": 39}, "shared_object_id": 2}, {"class_name": "SpatialDropout1D", "config": {"name": "spatial_dropout1d", "trainable": true, "dtype": "float32", "rate": 0.4, "noise_shape": null, "seed": null}, "shared_object_id": 3}, {"class_name": "LSTM", "config": {"name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}, "shared_object_id": 8}, {"class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 3, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 9}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 10}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "shared_object_id": 11}]}}, "training_config": {"loss": "categorical_crossentropy", "metrics": [[{"class_name": "MeanMetricWrapper", "config": {"name": "accuracy", "dtype": "float32", "fn": "categorical_accuracy"}, "shared_object_id": 14}]], "weighted_metrics": null, "loss_weights": null, "optimizer_config": {"class_name": "Custom>Adam", "config": {"name": "Adam", "weight_decay": null, "clipnorm": null, "global_clipnorm": null, "clipvalue": null, "use_ema": false, "ema_momentum": 0.99, "ema_overwrite_frequency": null, "jit_compile": false, "is_legacy_optimizer": false, "learning_rate": 0.0010000000474974513, "beta_1": 0.9, "beta_2": 0.999, "epsilon": 1e-07, "amsgrad": false}}}}2 +�root.layer_with_weights-0"_tf_keras_layer*�{"name": "embedding", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": false, "class_name": "Embedding", "config": {"name": "embedding", "trainable": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "input_dim": 2000, "output_dim": 128, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": 39}, "shared_object_id": 2, "build_input_shape": {"class_name": "TensorShape", "items": [null, 39]}}2 +�root.layer-1"_tf_keras_layer*�{"name": "spatial_dropout1d", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "SpatialDropout1D", "config": {"name": "spatial_dropout1d", "trainable": true, "dtype": "float32", "rate": 0.4, "noise_shape": null, "seed": null}, "shared_object_id": 3, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 15}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 39, 128]}}2 +�root.layer_with_weights-1"_tf_keras_rnn_layer*�{"name": "lstm", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTM", "config": {"name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}, "shared_object_id": 8, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 128]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 16}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 39, 128]}}2 +�root.layer_with_weights-2"_tf_keras_layer*�{"name": "dense", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 3, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 9}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 10}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "shared_object_id": 11, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 196}}, "shared_object_id": 17}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 196]}}2 +�#root.layer_with_weights-1.cell"_tf_keras_layer*�{"name": "lstm_cell", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTMCell", "config": {"name": "lstm_cell", "trainable": true, "dtype": "float32", "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}, "shared_object_id": 7, "build_input_shape": {"class_name": "__tuple__", "items": [null, 128]}}2 +�rroot.keras_api.metrics.0"_tf_keras_metric*�{"class_name": "Mean", "name": "loss", "dtype": "float32", "config": {"name": "loss", "dtype": "float32"}, "shared_object_id": 18}2 +�sroot.keras_api.metrics.1"_tf_keras_metric*�{"class_name": "MeanMetricWrapper", "name": "accuracy", "dtype": "float32", "config": {"name": "accuracy", "dtype": "float32", "fn": "categorical_accuracy"}, "shared_object_id": 14}2 \ No newline at end of file diff --git a/models/model_tweet/saved_model.pb b/models/model_tweet/saved_model.pb new file mode 100644 index 0000000000000000000000000000000000000000..beb1caf0d6c26bdd51a2e2a762e029bf694dc0e0 Binary files /dev/null and b/models/model_tweet/saved_model.pb differ diff --git a/models/model_tweet/variables/variables.data-00000-of-00001 b/models/model_tweet/variables/variables.data-00000-of-00001 new file mode 100644 index 0000000000000000000000000000000000000000..93791531f2b0f5599bfc77265292dced6c324740 Binary files /dev/null and b/models/model_tweet/variables/variables.data-00000-of-00001 differ diff --git a/models/model_tweet/variables/variables.index b/models/model_tweet/variables/variables.index new file mode 100644 index 0000000000000000000000000000000000000000..fac814f62b1f54c0f990681259b15c5c13e6bd10 Binary files /dev/null and b/models/model_tweet/variables/variables.index differ diff --git a/models/model_tweet_2/fingerprint.pb b/models/model_tweet_2/fingerprint.pb new file mode 100644 index 0000000000000000000000000000000000000000..a9c1349ec7c49fd88796f331e07279fec40e18b8 --- /dev/null +++ b/models/model_tweet_2/fingerprint.pb @@ -0,0 +1 @@ +�Ӊ������ȫу�̴�坌��? â�����(�����e2 \ No newline at end of file diff --git a/models/model_tweet_2/keras_metadata.pb b/models/model_tweet_2/keras_metadata.pb new file mode 100644 index 0000000000000000000000000000000000000000..1a4a70d278f281d48940714ebe9ab5aa7b5d95b3 --- /dev/null +++ b/models/model_tweet_2/keras_metadata.pb @@ -0,0 +1,9 @@ + +�1root"_tf_keras_sequential*�0{"name": "sequential", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": false, "class_name": "Sequential", "config": {"name": "sequential", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "embedding_input"}}, {"class_name": "Embedding", "config": {"name": "embedding", "trainable": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "input_dim": 2000, "output_dim": 128, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": 39}}, {"class_name": "SpatialDropout1D", "config": {"name": "spatial_dropout1d", "trainable": true, "dtype": "float32", "rate": 0.4, "noise_shape": null, "seed": null}}, {"class_name": "LSTM", "config": {"name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}}, {"class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 3, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}]}, "shared_object_id": 12, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, 39]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 39]}, "is_graph_network": true, "full_save_spec": {"class_name": "__tuple__", "items": [[{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 39]}, "float32", "embedding_input"]}], {}]}, "save_spec": {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 39]}, "float32", "embedding_input"]}, "keras_version": "2.13.0", "backend": "tensorflow", "model_config": {"class_name": "Sequential", "config": {"name": "sequential", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "embedding_input"}, "shared_object_id": 0}, {"class_name": "Embedding", "config": {"name": "embedding", "trainable": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "input_dim": 2000, "output_dim": 128, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": 39}, "shared_object_id": 2}, {"class_name": "SpatialDropout1D", "config": {"name": "spatial_dropout1d", "trainable": true, "dtype": "float32", "rate": 0.4, "noise_shape": null, "seed": null}, "shared_object_id": 3}, {"class_name": "LSTM", "config": {"name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}, "shared_object_id": 8}, {"class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 3, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 9}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 10}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "shared_object_id": 11}]}}, "training_config": {"loss": "categorical_crossentropy", "metrics": [[{"class_name": "MeanMetricWrapper", "config": {"name": "accuracy", "dtype": "float32", "fn": "categorical_accuracy"}, "shared_object_id": 14}]], "weighted_metrics": null, "loss_weights": null, "optimizer_config": {"class_name": "Custom>Adam", "config": {"name": "Adam", "weight_decay": null, "clipnorm": null, "global_clipnorm": null, "clipvalue": null, "use_ema": false, "ema_momentum": 0.99, "ema_overwrite_frequency": null, "jit_compile": false, "is_legacy_optimizer": false, "learning_rate": 0.0010000000474974513, "beta_1": 0.9, "beta_2": 0.999, "epsilon": 1e-07, "amsgrad": false}}}}2 +�root.layer_with_weights-0"_tf_keras_layer*�{"name": "embedding", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": false, "class_name": "Embedding", "config": {"name": "embedding", "trainable": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 39]}, "input_dim": 2000, "output_dim": 128, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": 39}, "shared_object_id": 2, "build_input_shape": {"class_name": "TensorShape", "items": [null, 39]}}2 +�root.layer-1"_tf_keras_layer*�{"name": "spatial_dropout1d", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "SpatialDropout1D", "config": {"name": "spatial_dropout1d", "trainable": true, "dtype": "float32", "rate": 0.4, "noise_shape": null, "seed": null}, "shared_object_id": 3, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 15}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 39, 128]}}2 +�root.layer_with_weights-1"_tf_keras_rnn_layer*�{"name": "lstm", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTM", "config": {"name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}, "shared_object_id": 8, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 128]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 16}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 39, 128]}}2 +�root.layer_with_weights-2"_tf_keras_layer*�{"name": "dense", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 3, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 9}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 10}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "shared_object_id": 11, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 196}}, "shared_object_id": 17}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 196]}}2 +�#root.layer_with_weights-1.cell"_tf_keras_layer*�{"name": "lstm_cell", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTMCell", "config": {"name": "lstm_cell", "trainable": true, "dtype": "float32", "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}, "shared_object_id": 7, "build_input_shape": {"class_name": "__tuple__", "items": [null, 128]}}2 +�rroot.keras_api.metrics.0"_tf_keras_metric*�{"class_name": "Mean", "name": "loss", "dtype": "float32", "config": {"name": "loss", "dtype": "float32"}, "shared_object_id": 18}2 +�sroot.keras_api.metrics.1"_tf_keras_metric*�{"class_name": "MeanMetricWrapper", "name": "accuracy", "dtype": "float32", "config": {"name": "accuracy", "dtype": "float32", "fn": "categorical_accuracy"}, "shared_object_id": 14}2 \ No newline at end of file diff --git a/models/model_tweet_2/saved_model.pb b/models/model_tweet_2/saved_model.pb new file mode 100644 index 0000000000000000000000000000000000000000..beb1caf0d6c26bdd51a2e2a762e029bf694dc0e0 Binary files /dev/null and b/models/model_tweet_2/saved_model.pb differ diff --git a/models/model_tweet_2/variables/variables.data-00000-of-00001 b/models/model_tweet_2/variables/variables.data-00000-of-00001 new file mode 100644 index 0000000000000000000000000000000000000000..04cbca18e858c2cd178cf0fc2795ff1dece4224e Binary files /dev/null and b/models/model_tweet_2/variables/variables.data-00000-of-00001 differ diff --git a/models/model_tweet_2/variables/variables.index b/models/model_tweet_2/variables/variables.index new file mode 100644 index 0000000000000000000000000000000000000000..fb4ce4262b71574a2205b0c03e7e2b37fdc1c302 Binary files /dev/null and b/models/model_tweet_2/variables/variables.index differ diff --git a/models/my_model/fingerprint.pb b/models/my_model/fingerprint.pb new file mode 100644 index 0000000000000000000000000000000000000000..748edd0807e2e990fc543af9b7f53eca4466cfb0 --- /dev/null +++ b/models/my_model/fingerprint.pb @@ -0,0 +1 @@ +��륂��Һ�������g��ը����T ������՛(����ؾ���2 \ No newline at end of file diff --git a/models/my_model/keras_metadata.pb b/models/my_model/keras_metadata.pb new file mode 100644 index 0000000000000000000000000000000000000000..dcf557b8e7ce0c988d2d7bd798a9baae848dacba --- /dev/null +++ b/models/my_model/keras_metadata.pb @@ -0,0 +1,9 @@ + +�1root"_tf_keras_sequential*�0{"name": "sequential", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": false, "class_name": "Sequential", "config": {"name": "sequential", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 59]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "embedding_input"}}, {"class_name": "Embedding", "config": {"name": "embedding", "trainable": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 59]}, "input_dim": 2000, "output_dim": 128, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": 59}}, {"class_name": "SpatialDropout1D", "config": {"name": "spatial_dropout1d", "trainable": true, "dtype": "float32", "rate": 0.4, "noise_shape": null, "seed": null}}, {"class_name": "LSTM", "config": {"name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}}, {"class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 3, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}]}, "shared_object_id": 12, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, 59]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 59]}, "is_graph_network": true, "full_save_spec": {"class_name": "__tuple__", "items": [[{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 59]}, "float32", "embedding_input"]}], {}]}, "save_spec": {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 59]}, "float32", "embedding_input"]}, "keras_version": "2.13.0", "backend": "tensorflow", "model_config": {"class_name": "Sequential", "config": {"name": "sequential", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 59]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "embedding_input"}, "shared_object_id": 0}, {"class_name": "Embedding", "config": {"name": "embedding", "trainable": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 59]}, "input_dim": 2000, "output_dim": 128, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": 59}, "shared_object_id": 2}, {"class_name": "SpatialDropout1D", "config": {"name": "spatial_dropout1d", "trainable": true, "dtype": "float32", "rate": 0.4, "noise_shape": null, "seed": null}, "shared_object_id": 3}, {"class_name": "LSTM", "config": {"name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}, "shared_object_id": 8}, {"class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 3, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 9}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 10}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "shared_object_id": 11}]}}, "training_config": {"loss": "categorical_crossentropy", "metrics": [[{"class_name": "MeanMetricWrapper", "config": {"name": "accuracy", "dtype": "float32", "fn": "categorical_accuracy"}, "shared_object_id": 14}]], "weighted_metrics": null, "loss_weights": null, "optimizer_config": {"class_name": "Custom>Adam", "config": {"name": "Adam", "weight_decay": null, "clipnorm": null, "global_clipnorm": null, "clipvalue": null, "use_ema": false, "ema_momentum": 0.99, "ema_overwrite_frequency": null, "jit_compile": false, "is_legacy_optimizer": false, "learning_rate": 0.0010000000474974513, "beta_1": 0.9, "beta_2": 0.999, "epsilon": 1e-07, "amsgrad": false}}}}2 +�root.layer_with_weights-0"_tf_keras_layer*�{"name": "embedding", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 59]}, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": false, "class_name": "Embedding", "config": {"name": "embedding", "trainable": true, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, 59]}, "input_dim": 2000, "output_dim": 128, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": 59}, "shared_object_id": 2, "build_input_shape": {"class_name": "TensorShape", "items": [null, 59]}}2 +�root.layer-1"_tf_keras_layer*�{"name": "spatial_dropout1d", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "SpatialDropout1D", "config": {"name": "spatial_dropout1d", "trainable": true, "dtype": "float32", "rate": 0.4, "noise_shape": null, "seed": null}, "shared_object_id": 3, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 15}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 59, 128]}}2 +�root.layer_with_weights-1"_tf_keras_rnn_layer*�{"name": "lstm", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTM", "config": {"name": "lstm", "trainable": true, "dtype": "float32", "return_sequences": false, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}, "shared_object_id": 8, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 128]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 16}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 59, 128]}}2 +�root.layer_with_weights-2"_tf_keras_layer*�{"name": "dense", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 3, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 9}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 10}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "shared_object_id": 11, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 196}}, "shared_object_id": 17}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 196]}}2 +�#root.layer_with_weights-1.cell"_tf_keras_layer*�{"name": "lstm_cell", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTMCell", "config": {"name": "lstm_cell", "trainable": true, "dtype": "float32", "units": 196, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 4}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.2, "recurrent_dropout": 0.2, "implementation": 1}, "shared_object_id": 7, "build_input_shape": {"class_name": "__tuple__", "items": [null, 128]}}2 +�rroot.keras_api.metrics.0"_tf_keras_metric*�{"class_name": "Mean", "name": "loss", "dtype": "float32", "config": {"name": "loss", "dtype": "float32"}, "shared_object_id": 18}2 +�sroot.keras_api.metrics.1"_tf_keras_metric*�{"class_name": "MeanMetricWrapper", "name": "accuracy", "dtype": "float32", "config": {"name": "accuracy", "dtype": "float32", "fn": "categorical_accuracy"}, "shared_object_id": 14}2 \ No newline at end of file diff --git a/models/my_model/saved_model.pb b/models/my_model/saved_model.pb new file mode 100644 index 0000000000000000000000000000000000000000..183cd805a3e2f2b5e102f14bfb37a9bbf1e89bcf Binary files /dev/null and b/models/my_model/saved_model.pb differ diff --git a/models/my_model/variables/variables.data-00000-of-00001 b/models/my_model/variables/variables.data-00000-of-00001 new file mode 100644 index 0000000000000000000000000000000000000000..59919fd40f97b8599eea62f5398c7107b28a99e6 Binary files /dev/null and b/models/my_model/variables/variables.data-00000-of-00001 differ diff --git a/models/my_model/variables/variables.index b/models/my_model/variables/variables.index new file mode 100644 index 0000000000000000000000000000000000000000..afbd6f5683a4a143383bb2dd0d12ae262db0feaf Binary files /dev/null and b/models/my_model/variables/variables.index differ diff --git a/models/tokenizer.json b/models/tokenizer.json new file mode 100644 index 0000000000000000000000000000000000000000..8df97e3fcbe0e4cbbf501db419302bfd0d97e717 --- /dev/null +++ b/models/tokenizer.json @@ -0,0 +1 @@ +"{\"class_name\": \"Tokenizer\", \"config\": {\"num_words\": 2000, \"filters\": \"!\\\"#$%&()*+,-./:;<=>?@[\\\\]^_`{|}~\\t\\n\", \"lower\": true, \"split\": \" \", \"char_level\": false, \"oov_token\": null, \"document_count\": 468, \"word_counts\": \"{\\\"being\\\": 1, \\\"sustainable\\\": 1, \\\"always\\\": 6, \\\"strong\\\": 1, \\\"priority\\\": 1, \\\"veve\\\": 1, \\\"ecomi\\\": 1, \\\"since\\\": 2, \\\"founing\\\": 1, \\\"carbon\\\": 3, \\\"neutrality\\\": 1, \\\"plege\\\": 1, \\\"step\\\": 3, \\\"towar\\\": 1, \\\"making\\\": 1, \\\"nft\\\": 11, \\\"igital\\\": 29, \\\"collectible\\\": 1, \\\"ar\\\": 5, \\\"metaverse\\\": 486, \\\"part\\\": 1, \\\"green\\\": 1, \\\"environmentally\\\": 1, \\\"frienly\\\": 1, \\\"future\\\": 28, \\\"businesses\\\": 1, \\\"shop\\\": 4, \\\"opening\\\": 4, \\\"virtual\\\": 25, \\\"worls\\\": 10, \\\"boson\\\": 1, \\\"protocol\\\": 1, \\\"mae\\\": 7, \\\"history\\\": 3, \\\"month\\\": 4, \\\"worl\\\\u2019s\\\": 1, \\\"first\\\": 6, \\\"billboar\\\": 1, \\\"recruitment\\\": 1, \\\"campaign\\\": 1, \\\"welcome\\\": 2, \\\"new\\\": 19, \\\"age\\\": 2, \\\"\\\\ud83d\\\\ude80\\\": 1, \\\"ecentralan\\\": 8, \\\"o\\\": 2, \\\"escribe\\\": 1, \\\"block\\\": 1, \\\"minute\\\": 2, \\\"time\\\": 26, \\\"vision\\\": 6, \\\"revision\\\": 1, \\\"reverse\\\": 1, \\\"i\\\": 6, \\\"must\\\": 5, \\\"stuy\\\": 6, \\\"politics\\\": 1, \\\"war\\\": 1, \\\"son\\\": 2, \\\"liberty\\\": 1, \\\"math\\\": 3, \\\"ought\\\": 2, \\\"architecture\\\": 3, \\\"commerce\\\": 1, \\\"chilren\\\": 3, \\\"may\\\": 12, \\\"poetry\\\": 2, \\\"amp\\\": 14, \\\"music\\\": 3, \\\"art\\\": 3, \\\"ki\\\": 3, \\\"crypto\\\": 12, \\\"john\\\": 1, \\\"aams\\\": 1, \\\"if\\\": 1, \\\"take\\\": 14, \\\"spac\\\": 1, \\\"cryptocurrency\\\": 1, \\\"put\\\": 3, \\\"together\\\": 4, \\\"five\\\": 3, \\\"year\\\": 9, \\\"matter\\\": 4, \\\"i'm\\\": 14, \\\"sure\\\": 3, \\\"will\\\": 1, \\\"sz\\\": 1, \\\"\\\\ud83d\\\\ude44\\\": 1, \\\"the\\\": 3, \\\"streame\\\": 1, \\\"why\\\": 3, \\\"might\\\": 5, \\\"consier\\\": 4, \\\"buying\\\": 5, \\\"lan\\\": 53, \\\"power\\\": 2, \\\"mona\\\": 1, \\\"think\\\": 42, \\\"har\\\": 11, \\\"enough\\\": 7, \\\"coffee\\\": 1, \\\"restore\\\": 1, \\\"sp\\\": 1, \\\"ren\\\": 3, \\\"okay\\\": 5, \\\"lavenza\\\": 1, \\\"able\\\": 4, \\\"ance\\\": 3, \\\"make\\\": 14, \\\"sense\\\": 1, \\\"maruki\\\": 1, \\\"happy\\\": 5, \\\"no\\\": 10, \\\"anything\\\": 4, \\\"bitcoin\\\": 2, \\\"universal\\\": 2, \\\"atabase\\\": 1, \\\"built\\\": 12, \\\"financial\\\": 1, \\\"system\\\": 2, \\\"global\\\": 1, \\\"something\\\": 15, \\\"current\\\": 4, \\\"fiat\\\": 1, \\\"cannot\\\": 3, \\\"blockchain\\\": 11, \\\"solo\\\": 1, \\\"founation\\\": 1, \\\"elastos\\\": 1, \\\"smartweb\\\": 1, \\\"least\\\": 1, \\\"now\\\\u2014\\\": 1, \\\"simple\\\": 1, \\\"tamperproof\\\": 1, \\\"unbiase\\\": 1, \\\"mathematically\\\": 1, \\\"soun\\\": 1, \\\"energy\\\": 1, \\\"burne\\\": 1, \\\"builing\\\": 9, \\\"trustworthy\\\": 1, \\\"who\\\\u2019s\\\": 1, \\\"say\\\": 6, \\\"waste\\\": 1, \\\"golf\\\": 1, \\\"kakaovx\\\": 1, \\\"live\\\": 14, \\\"stream\\\": 3, \\\"sktelecom\\\": 1, \\\"open\\\": 9, \\\"2021\\\": 2, \\\"nb\\\": 1, \\\"kakao\\\": 1, \\\"vx\\\": 1, \\\"nothing\\\": 8, \\\"northkorea\\\": 1, \\\"cocktails\\\": 1, \\\"10\\\": 6, \\\"minutes\\\": 1, \\\"20\\\": 2, \\\"min\\\": 3, \\\"left\\\": 1, \\\"let's\\\": 3, \\\"gooo\\\": 1, \\\"nfts\\\": 7, \\\"grueling\\\": 1, \\\"barge\\\": 1, \\\"march\\\": 1, \\\"give\\\": 1, \\\"break\\\": 7, \\\"week\\\": 5, \\\"to\\\": 5, \\\"outsie\\\": 3, \\\"eserve\\\": 1, \\\"nowstreaming\\\": 1, \\\"\\\\ufe0f\\\": 1, \\\"jump\\\": 2, \\\"kamisawze\\\": 1, \\\"thevisionex\\\": 1, \\\"play\\\": 7, \\\"game\\\": 20, \\\"maker\\\": 5, \\\"creation\\\": 1, \\\"gameesign\\\": 1, \\\"gameev\\\": 1, \\\"inieev\\\": 1, \\\"safemoon\\\": 1, \\\"people\\\": 33, \\\"assume\\\": 1, \\\"hear\\\": 4, \\\"saying\\\": 1, \\\"let\\\": 4, \\\"u\\\": 17, \\\"suck\\\": 2, \\\"everyone\\\": 18, \\\"matic\\\": 1, \\\"go\\\": 7, \\\"lfg\\\": 1, \\\"games\\\": 4, \\\"boom\\\": 1, \\\"like\\\": 59, \\\"ecae\\\": 1, \\\"eth\\\": 4, \\\"currency\\\": 1, \\\"it\\\\u2019s\\\": 11, \\\"also\\\": 1, \\\"amazing\\\": 5, \\\"sov\\\": 1, \\\"internet\\\": 18, \\\"bon\\\": 1, \\\"call\\\": 10, \\\"triple\\\": 1, \\\"point\\\": 6, \\\"asset\\\": 5, \\\"money\\\": 12, \\\"pas\\\": 1, \\\"along\\\": 2, \\\"bullish\\\": 7, \\\"thing\\\": 17, \\\"unerstoo\\\": 1, \\\"banklesshq\\\": 1, \\\"metaverse'\\\": 1, \\\"set\\\": 1, \\\"high\\\": 5, \\\"bar\\\": 1, \\\"upgrae\\\": 1, \\\"team\\\": 3, \\\"uner\\\": 3, \\\"lot\\\": 9, \\\"stress\\\": 1, \\\"top\\\": 3, \\\"that\\\": 4, \\\"maybe\\\": 3, \\\"ultraverse\\\": 1, \\\"megaverse\\\": 1, \\\"turboverse\\\": 1, \\\"maxiverse\\\": 1, \\\"superuperverse\\\": 1, \\\"omfgaverse\\\": 1, \\\"1\\\": 20, \\\"nees\\\": 5, \\\"vr\\\": 15, \\\"fully\\\": 1, \\\"realize\\\": 2, \\\"potential\\\": 5, \\\"multiverse\\\": 2, \\\"isparate\\\": 1, \\\"social\\\": 17, \\\"link\\\": 2, \\\"real\\\": 31, \\\"worl\\\": 24, \\\"brings\\\": 1, \\\"context\\\": 1, \\\"relevance\\\": 1, \\\"tangible\\\": 1, \\\"value\\\": 4, \\\"especially\\\": 3, \\\"ties\\\": 1, \\\"reas\\\": 1, \\\"calling\\\": 2, \\\"car\\\": 1, \\\"eye\\\": 3, \\\"glow\\\": 1, \\\"yellow\\\": 1, \\\"switch\\\": 2, \\\"outfit\\\": 1, \\\"shaow\\\": 1, \\\"form\\\": 4, \\\"over\\\": 1, \\\"never\\\": 7, \\\"away\\\": 5, \\\"stuffe\\\": 1, \\\"animals\\\": 1, \\\"ol\\\": 4, \\\"them\\\": 2, \\\"finally\\\": 3, \\\"attening\\\": 1, \\\"session\\\": 1, \\\"i\\\\u2019ve\\\": 5, \\\"\\\\ud83e\\\\udd7a\\\": 1, \\\"twins\\\": 1, \\\"mixe\\\": 1, \\\"reality\\\": 21, \\\"application\\\": 1, \\\"\\\\ud83d\\\\udd25\\\\ud83e\\\\udd0c\\\\ud83c\\\\udffe\\\": 1, \\\"msbuil\\\": 1, \\\"msbuil2021\\\": 1, \\\"anielarsham\\\": 1, \\\"big\\\": 5, \\\"fan\\\": 1, \\\"work\\\": 14, \\\"\\\\ud83e\\\\udd1d\\\\u2728\\\": 1, \\\"friay\\\": 1, \\\"human\\\": 5, \\\"weeken\\\": 3, \\\"\\\\ud83d\\\\udd25\\\": 1, \\\"space\\\": 15, \\\"nftartists\\\": 1, \\\"nftcollectors\\\": 1, \\\"\\\\ud83d\\\\udc9a\\\": 1, \\\"nftart\\\": 2, \\\"please\\\": 1, \\\"kin\\\": 7, \\\"opportunity\\\": 5, \\\"prove\\\": 3, \\\"help\\\": 3, \\\"eieganglan\\\": 1, \\\"joining\\\": 3, \\\"guess\\\": 1, \\\"cool\\\": 7, \\\"rise\\\": 2, \\\"economic\\\": 1, \\\"implication\\\": 1, \\\"inclusive\\\": 2, \\\"self\\\": 3, \\\"sovereign\\\": 2, \\\"overstate\\\": 1, \\\"reason\\\": 3, \\\"alone\\\": 1, \\\"there\\\\u2019s\\\": 5, \\\"another\\\": 1, \\\"story\\\": 5, \\\"here\\\": 4, \\\"fact\\\": 1, \\\"luxury\\\": 5, \\\"necessity\\\\ud83e\\\\uddf5\\\": 1, \\\"hour\\\": 9, \\\"playing\\\": 8, \\\"aroun\\\": 17, \\\"tag\\\": 1, \\\"traitor\\\": 1, \\\"leave\\\": 1, \\\"3\\\": 13, \\\"generally\\\": 1, \\\"huge\\\": 2, \\\"sie\\\": 2, \\\"inustry\\\": 3, \\\"atleast\\\": 1, \\\"speaking\\\": 1, \\\"bol\\\": 1, \\\"young\\\": 2, \\\"mission\\\": 1, \\\"backe\\\": 1, \\\"many\\\": 5, \\\"geek\\\": 1, \\\"manifest\\\": 1, \\\"via\\\": 1, \\\"willpower\\\": 1, \\\"elbow\\\": 1, \\\"grease\\\": 1, \\\"potentially\\\": 1, \\\"promising\\\": 1, \\\"lover\\\": 3, \\\"cannabis\\\": 3, \\\"efi\\\": 4, \\\"bscpa\\\": 4, \\\"grow\\\\u2705\\\\ud83d\\\\udd1c\\\": 1, \\\"grow\\\": 3, \\\"frien\\\": 1, \\\"tol\\\": 3, \\\"nbatopshot\\\": 1, \\\"31\\\": 1, \\\"bought\\\": 4, \\\"2\\\": 8, \\\"maxi\\\": 1, \\\"kleber\\\": 1, \\\"ay\\\": 9, \\\"literally\\\": 5, \\\"spen\\\": 11, \\\"nearly\\\": 1, \\\"every\\\": 7, \\\"waking\\\": 1, \\\"moment\\\": 1, \\\"learning\\\": 1, \\\"honor\\\": 1, \\\"wil\\\": 7, \\\"rie\\\": 1, \\\"i'\\\": 2, \\\"share\\\": 4, \\\"t\\\": 1, \\\"collection\\\": 1, \\\"reasoning\\\": 1, \\\"each\\\": 1, \\\"girl\\\": 1, \\\"unerstans\\\": 1, \\\"little\\\": 3, \\\"roblox\\\": 9, \\\"champion\\\": 8, \\\"event\\\": 22, \\\"mostly\\\": 3, \\\"luck\\\": 2, \\\"there's\\\": 3, \\\"valk\\\": 7, \\\"got\\\": 5, \\\"crate\\\": 3, \\\"course\\\": 1, \\\"cant\\\": 2, \\\"get\\\": 20, \\\"ev\\\": 1, \\\"eeterplays\\\": 1, \\\"lobby\\\": 1, \\\"fill\\\": 1, \\\"quick\\\": 1, \\\"hope\\\": 6, \\\"next\\\": 3, \\\"thats\\\": 3, \\\"fucking\\\": 1, \\\"rigge\\\": 1, \\\"tip\\\": 1, \\\"recently\\\": 1, \\\"ha\\\": 5, \\\"great\\\": 3, \\\"events\\\": 1, \\\"rb\\\": 1, \\\"battle\\\": 1, \\\"rp2\\\": 1, \\\"gucci\\\": 2, \\\"garens\\\": 5, \\\"insane\\\": 1, \\\"prize\\\": 5, \\\"valks\\\": 1, \\\"shaers\\\": 1, \\\"limites\\\": 1, \\\"etc\\\": 2, \\\"avise\\\": 1, \\\"juge\\\": 1, \\\"start\\\": 5, \\\"beacuse\\\": 1, \\\"know\\\": 14, \\\"be\\\": 5, \\\"problem\\\": 2, \\\"walle\\\": 3, \\\"beautiful\\\": 1, \\\"easier\\\": 3, \\\"create\\\": 9, \\\"base\\\": 2, \\\"tech\\\": 8, \\\"merrier\\\": 1, \\\"on't\\\": 6, \\\"force\\\": 1, \\\"choose\\\": 1, \\\"one\\\": 21, \\\"goo\\\": 12, \\\"project\\\": 10, \\\"going\\\": 22, \\\"crazy\\\": 8, \\\"house\\\": 1, \\\"ahhhh\\\": 1, \\\"ethlings\\\": 1, \\\"selling\\\": 3, \\\"fast\\\": 1, \\\"gonna\\\": 14, \\\"sooo\\\": 1, \\\"in't\\\": 3, \\\"avatar\\\": 4, \\\"shaes\\\": 1, \\\"wtf\\\": 4, \\\"love\\\": 7, \\\"it\\\": 18, \\\"type\\\": 1, \\\"character\\\": 1, \\\"10x\\\": 1, \\\"important\\\": 1, \\\"\\\\ud83d\\\\udd76\\\": 1, \\\"geolocation\\\": 2, \\\"\\\\ud83d\\\\udccd\\\": 1, \\\"non\\\": 1, \\\"fungible\\\": 1, \\\"\\\\ud83d\\\\udc8e\\\": 1, \\\"ientity\\\": 2, \\\"bloom\\\": 1, \\\"\\\\ud83d\\\\udd11\\\": 1, \\\"\\\\ud83d\\\\udca1\\\\ud83e\\\\udd2f\\\\ud83c\\\\udf0f\\\": 1, \\\"creativity\\\": 1, \\\"limitless\\\": 1, \\\"virtualreality\\\": 2, \\\"ssi\\\": 1, \\\"ecentralizeientity\\\": 1, \\\"aaaaah\\\": 1, \\\"bring\\\": 3, \\\"much\\\": 8, \\\"joy\\\": 1, \\\"ahh\\\": 1, \\\"man\\\": 6, \\\"can't\\\": 21, \\\"mobile\\\": 1, \\\"pc\\\\ud83d\\\\ude2d\\\": 1, \\\"earn\\\": 3, \\\"en\\\": 4, \\\"\\\\ud83d\\\\ude00\\\": 1, \\\"mmorpg\\\": 2, \\\"gaming\\\": 1, \\\"play2earn\\\": 1, \\\"box\\\": 1, \\\"missing\\\": 1, \\\"others\\\": 2, \\\"final\\\": 1, \\\"test\\\": 4, \\\"wish\\\": 2, \\\"thank\\\": 1, \\\"metaversechampions\\\": 1, \\\"reach\\\": 3, \\\"100\\\": 3, \\\"million\\\": 3, \\\"monthly\\\": 1, \\\"users\\\": 1, \\\"ae\\\": 3, \\\"reit\\\": 1, \\\"ama\\\": 1, \\\"book\\\": 1, \\\"\\\\ud83c\\\\udfc6\\\": 1, \\\"are\\\\u2026\\\": 1, \\\"malaysian\\\": 1, \\\"artist\\\": 6, \\\"looking\\\": 7, \\\"connect\\\": 1, \\\"hosting\\\": 1, \\\"web3\\\": 8, \\\"hate\\\": 4, \\\"alot\\\": 1, \\\"anyone\\\": 6, \\\"else\\\": 5, \\\"seeing\\\": 1, \\\"mega\\\": 3, \\\"collector\\\": 1, \\\"aos\\\": 1, \\\"thinking\\\": 2, \\\"become\\\": 11, \\\"meicis\\\": 1, \\\"plural\\\": 1, \\\"happene\\\": 1, \\\"yakkopinky\\\": 1, \\\"saw\\\": 1, \\\"13th\\\": 1, \\\"sneak\\\": 1, \\\"peak\\\": 1, \\\"blog\\\": 1, \\\"sai\\\": 6, \\\"ticket\\\": 1, \\\"coming\\\": 5, \\\"soon\\\": 2, \\\"checke\\\": 1, \\\"post\\\": 1, \\\"mention\\\": 1, \\\"excite\\\": 13, \\\"atten\\\": 1, \\\"anywho\\\": 1, \\\"nee\\\": 17, \\\"we're\\\": 6, \\\"moving\\\": 1, \\\"folks\\\": 1, \\\"www\\\": 1, \\\"style\\\": 1, \\\"getting\\\": 6, \\\"playe\\\": 3, \\\"innovating\\\": 1, \\\"privatize\\\": 1, \\\"cause\\\": 3, \\\"inclusion\\\": 1, \\\"futuristic\\\": 1, \\\"\\\\ud83e\\\\udd1e\\\": 1, \\\"apparently\\\": 1, \\\"islan\\\": 1, \\\"strange\\\": 1, \\\"nftsmart\\\": 1, \\\"iscor\\\": 5, \\\"alreay\\\": 6, \\\"booke\\\": 1, \\\"october\\\\ud83d\\\\udc40artists\\\": 1, \\\"really\\\": 12, \\\"vibe\\\": 1, \\\"iea\\\": 8, \\\"interview\\\": 1, \\\"screen\\\": 3, \\\"exhibit\\\": 1, \\\"currently\\\": 3, \\\"38\\\": 1, \\\"103\\\": 1, \\\"expaning\\\": 1, \\\"ifferent\\\": 8, \\\"metaverses\\\": 1, \\\"nftfreaks\\\": 1, \\\"wonering\\\": 2, \\\"shoul\\\": 9, \\\"ajust\\\": 1, \\\"asking\\\": 1, \\\"price\\\": 1, \\\"fluctuates\\\": 1, \\\"still\\\": 8, \\\"artistic\\\": 1, \\\"relative\\\": 1, \\\"us\\\": 4, \\\"now\\\": 11, \\\"baby\\\": 1, \\\"\\\\ud83d\\\\ude02\\\\ud83d\\\\ude02\\\": 1, \\\"friens\\\": 10, \\\"larger\\\": 1, \\\"chunk\\\": 1, \\\"life\\\": 10, \\\"hanging\\\": 1, \\\"efault\\\": 1, \\\"way\\\": 12, \\\"socialise\\\": 1, \\\"perfumer\\\": 1, \\\"imagine\\\": 6, \\\"scent\\\": 2, \\\"truly\\\": 2, \\\"universe\\\": 6, \\\"note\\\": 1, \\\"unique\\\": 1, \\\"nftcollector\\\": 1, \\\"nftartist\\\": 1, \\\"metaversescent\\\": 1, \\\"investor\\\": 3, \\\"careful\\\": 1, \\\"term\\\": 3, \\\"computing\\\": 1, \\\"platform\\\": 7, \\\"vague\\\": 1, \\\"catchy\\\": 1, \\\"terms\\\": 1, \\\"better\\\": 7, \\\"guie\\\": 1, \\\"user\\\": 3, \\\"revenue\\\": 1, \\\"growth\\\": 1, \\\"icing\\\": 1, \\\"cake\\\": 1, \\\"museum\\\": 1, \\\"netvrk\\\": 2, \\\"showcase\\\": 1, \\\"wie\\\": 1, \\\"variety\\\": 1, \\\"available\\\": 3, \\\"nftrae\\\": 1, \\\"ntvrk\\\": 1, \\\"average\\\": 1, \\\"ault\\\": 1, \\\"spens\\\": 2, \\\"6\\\": 4, \\\"7\\\": 1, \\\"online\\\": 6, \\\"8\\\": 1, \\\"sleeping\\\": 1, \\\"gen\\\": 3, \\\"z\\\": 5, \\\"even\\\": 12, \\\"interacting\\\": 1, \\\"igitally\\\": 1, \\\"aoption\\\": 1, \\\"sooner\\\": 2, \\\"mass\\\": 3, \\\"scale\\\": 3, \\\"toay\\\": 6, \\\"bowtiebull\\\": 1, \\\"awesome\\\": 7, \\\"ben\\\": 1, \\\"nolan\\\": 1, \\\"cryptovoxels\\\": 2, \\\"unfortunately\\\": 1, \\\"wasn\\\\u2019t\\\": 1, \\\"clubhouse\\\": 3, \\\"poste\\\": 1, \\\"quite\\\": 4, \\\"ayo\\\": 3, \\\"ening\\\": 1, \\\"epressing\\\": 1, \\\"btc\\\": 1, \\\"meeting\\\": 3, \\\"grining\\\": 1, \\\"fortnite\\\": 2, \\\"exploring\\\": 1, \\\"inica\\\": 1, \\\"nap\\\": 1, \\\"sunayfunay\\\": 1, \\\"buil\\\": 9, \\\"esign\\\": 5, \\\"men\\\": 1, \\\"groun\\\": 1, \\\"floor\\\": 1, \\\"influence\\\": 1, \\\"women\\\\u2019s\\\": 1, \\\"womxn\\\": 1, \\\"literary\\\": 1, \\\"right\\\": 18, \\\"me\\\": 10, \\\"cryptotwitter\\\": 1, \\\"5\\\": 5, \\\"lockown\\\": 1, \\\"far\\\": 5, \\\"le\\\": 10, \\\"intereste\\\": 2, \\\"augmente\\\": 7, \\\"engaging\\\": 1, \\\"pure\\\": 1, \\\"unaulterate\\\": 1, \\\"physical\\\": 5, \\\"believe\\\": 5, \\\"4\\\": 1, \\\"valkyrie\\\": 1, \\\"best\\\": 1, \\\"ever\\\": 6, \\\"joine\\\": 1, \\\"wait\\\": 9, \\\"twin\\\": 1, \\\"bag\\\": 3, \\\"walking\\\": 3, \\\"wire\\\": 1, \\\"walk\\\": 8, \\\"bore\\\": 1, \\\"ape\\\": 2, \\\"can\\\\u2019t\\\": 1, \\\"miitopia\\\": 1, \\\"come\\\": 3, \\\"tomorrow\\\": 2, \\\"special\\\": 3, \\\"opene\\\": 1, \\\"well\\\": 5, \\\"gran\\\": 3, \\\"reveale\\\": 1, \\\"ranting\\\": 1, \\\"zara\\\": 1, \\\"larson\\\": 1, \\\"tomorrow\\\\u2019ll\\\": 1, \\\"chaveztopia\\\": 1, \\\"silicone\\\": 1, \\\"valley\\\": 1, \\\"there\\\": 6, \\\"invent\\\": 1, \\\"synthesize\\\": 1, \\\"elon\\\": 3, \\\"musk's\\\": 1, \\\"na\\\": 2, \\\"infuse\\\": 1, \\\"egg\\\": 1, \\\"pre\\\": 1, \\\"embryonic\\\": 1, \\\"stages\\\": 1, \\\"army\\\": 1, \\\"superhumans\\\": 1, \\\"known\\\": 3, \\\"rany's\\\": 1, \\\"musk\\\": 3, \\\"check\\\": 2, \\\"aughter\\\": 1, \\\"homework\\\": 2, \\\"ue\\\": 3, \\\"wenesay\\\": 1, \\\"without\\\": 7, \\\"telling\\\": 1, \\\"have\\\": 3, \\\"aske\\\": 3, \\\"minecraft\\\": 5, \\\"figure\\\": 1, \\\"cany\\\": 1, \\\"congrats\\\": 2, \\\"ix\\\": 1, \\\"shells\\\": 1, \\\"kinest\\\": 1, \\\"supportive\\\": 1, \\\"met\\\": 1, \\\"patient\\\": 1, \\\"encouraging\\\": 1, \\\"you\\\": 5, \\\"\\\\ud83d\\\\udc4f\\\": 1, \\\"cryptoc\\\": 2, \\\"labs\\\": 1, \\\"announce\\\": 1, \\\"closing\\\": 1, \\\"6m\\\": 1, \\\"see\\\": 13, \\\"roun\\\": 1, \\\"capital\\\": 6, \\\"coul\\\": 6, \\\"expect\\\": 3, \\\"visit\\\": 3, \\\"wave\\\": 1, \\\"gallery\\\": 1, \\\"june\\\": 1, \\\"consiering\\\": 3, \\\"immature\\\": 1, \\\"emotionally\\\": 1, \\\"unstable\\\": 1, \\\"egens\\\": 3, \\\"encountere\\\": 1, \\\"past\\\": 1, \\\"paramount\\\": 1, \\\"introuce\\\": 1, \\\"notion\\\": 1, \\\"pullback\\\": 1, \\\"want\\\": 23, \\\"moon\\\": 1, \\\"someone\\\": 10, \\\"primer\\\": 1, \\\"parcels\\\": 1, \\\"buy\\\": 3, \\\"aping\\\": 1, \\\"eep\\\": 1, \\\"following\\\": 3, \\\"inner\\\": 1, \\\"houseofkibaa\\\": 1, \\\"lifetime\\\": 1, \\\"500\\\": 5, \\\"seems\\\": 6, \\\"steal\\\": 1, \\\"look\\\": 7, \\\"sick\\\": 1, \\\"slick\\\": 1, \\\"count\\\": 1, \\\"in\\\": 5, \\\"apewars\\\": 1, \\\"cryptoart\\\": 1, \\\"necessity\\\": 1, \\\"longer\\\": 1, \\\"trust\\\": 5, \\\"ear\\\": 2, \\\"eepfakes\\\": 1, \\\"isinformation\\\": 1, \\\"result\\\": 1, \\\"belief\\\": 1, \\\"institution\\\": 1, \\\"maintain\\\": 1, \\\"recors\\\": 1, \\\"ownership\\\": 1, \\\"provenance\\\": 1, \\\"all\\\": 1, \\\"low\\\": 3, \\\"iscover\\\": 1, \\\"exprience\\\": 1, \\\"upate\\\": 1, \\\"\\\\ud83d\\\\ude21\\\\ud83d\\\\ude21\\\\ud83d\\\\ude21\\\": 1, \\\"ieas\\\": 1, \\\"probably\\\": 5, \\\"garen\\\": 1, \\\"worse\\\": 1, \\\"free\\\": 3, \\\"prizes\\\": 1, \\\"fun\\\": 9, \\\"anymore\\\": 2, \\\"show\\\": 5, \\\"fit\\\": 3, \\\"i'll\\\": 1, \\\"rate\\\": 3, \\\"fashion\\\": 3, \\\"useless\\\": 1, \\\"stanar\\\": 1, \\\"use\\\": 8, \\\"engine\\\": 1, \\\"solve\\\": 1, \\\"cross\\\": 1, \\\"otherwise\\\": 1, \\\"piece\\\": 2, \\\"remae\\\": 1, \\\"none\\\": 1, \\\"limite\\\": 4, \\\"everyboy\\\": 1, \\\"charge\\\": 1, \\\"esigns\\\": 1, \\\"raise\\\": 1, \\\"pretty\\\": 3, \\\"rop\\\": 5, \\\"bellow\\\": 1, \\\"concept\\\": 3, \\\"uring\\\": 1, \\\"hicathon\\\": 1, \\\"hic\\\": 1, \\\"et\\\": 1, \\\"nunc\\\": 1, \\\"that's\\\": 2, \\\"works\\\": 1, \\\"shoutout\\\": 1, \\\"oxx\\\": 1, \\\"xoxoxox\\\": 1, \\\"foganis\\\": 1, \\\"yungmathusalem\\\": 1, \\\"vaxzine\\\": 1, \\\"guy\\\": 7, \\\"explain\\\": 3, \\\"facebook\\\": 5, \\\"snapchat\\\": 1, \\\"interesting\\\": 7, \\\"near\\\": 1, \\\"sc's\\\": 1, \\\"auience\\\": 1, \\\"twice\\\": 1, \\\"concert\\\": 3, \\\"billie\\\": 1, \\\"eilish\\\": 1, \\\"anticipate\\\": 1, \\\"fellow\\\": 1, \\\"actors\\\": 1, \\\"let\\\\u2019s\\\": 3, \\\"learn\\\": 3, \\\"nft\\\\u2019s\\\": 1, \\\"web\\\": 5, \\\"celebrate\\\": 1, \\\"creator\\\": 2, \\\"monetize\\\": 1, \\\"economy\\\": 1, \\\"creatoreconomy\\\": 1, \\\"creators\\\": 1, \\\"finishe\\\": 1, \\\"last\\\": 1, \\\"exam\\\": 1, \\\"school\\\": 2, \\\"pumpe\\\": 1, \\\"pursue\\\": 1, \\\"vertoexchange\\\": 1, \\\"full\\\": 1, \\\"\\\\u27a1\\\\ufe0f\\\": 1, \\\"newspaper\\\": 1, \\\"starte\\\": 1, \\\"sensationalism\\\": 1, \\\"twiste\\\": 1, \\\"reporting\\\": 1, \\\"came\\\": 1, \\\"tv\\\": 3, \\\"news\\\": 3, \\\"followe\\\": 1, \\\"blogs\\\": 1, \\\"fake\\\": 1, \\\"sprea\\\": 1, \\\"fin\\\": 11, \\\"\\\\u2728perfect\\\\u2728\\\": 1, \\\"\\\\ud83d\\\\ude1a\\\": 1, \\\"fuck\\\": 3, \\\"'metaverse'\\\": 3, \\\"legal\\\": 1, \\\"bullshit\\\": 1, \\\"family\\\": 4, \\\"hey\\\": 1, \\\"been\\\": 1, \\\"haven\\\\u2019t\\\": 1, \\\"awhile\\\": 1, \\\"what\\\\u2019s\\\": 5, \\\"i\\\\u2019ll\\\": 1, \\\"waiting\\\": 3, \\\"what\\\": 1, \\\"hello\\\": 1, \\\"\\\\ud83d\\\\udc7e\\\": 2, \\\"from\\\": 3, \\\"firevertex\\\": 1, \\\"message\\\": 1, \\\"metacurse\\\": 1, \\\"superworlapp\\\": 1, \\\"plot\\\": 1, \\\"asap\\\": 1, \\\"toolate\\\": 1, \\\"park\\\": 8, \\\"favorite\\\": 2, \\\"place\\\": 4, \\\"earth\\\": 3, \\\"avantage\\\": 1, \\\"ibs\\\": 1, \\\"investing\\\": 1, \\\"ethereum\\\": 1, \\\"morning\\\": 3, \\\"\\\\u2728\\\": 1, \\\"twitter\\\": 9, \\\"miss\\\": 4, \\\"woul\\\": 16, \\\"rea\\\": 1, \\\"\\\\ud83d\\\\udc47\\\\ud83c\\\\udffb\\\\u263a\\\\ufe0f\\\": 1, \\\"y'all\\\": 3, \\\"mvps\\\": 1, \\\"\\\\u2728\\\\ud83d\\\\ude4f\\\\ud83c\\\\udffd\\\": 1, \\\"creating\\\": 2, \\\"taxing\\\": 1, \\\"computer\\\": 1, \\\"feel\\\": 9, \\\"heae\\\": 1, \\\"towars\\\": 1, \\\"2n\\\": 1, \\\"pc\\\": 1, \\\"i've\\\": 1, \\\"unerestimate\\\": 1, \\\"im\\\": 6, \\\"singing\\\": 1, \\\"looke\\\": 3, \\\"ik\\\": 1, \\\"criminal\\\": 1, \\\"punishe\\\": 1, \\\"tormente\\\": 1, \\\"capitalpunishment\\\": 1, \\\"lawanorer\\\": 1, \\\"law\\\": 1, \\\"ai\\\": 1, \\\"technology\\\": 5, \\\"science\\\": 1, \\\"newworlorer\\\": 1, \\\"cyber\\\": 3, \\\"scifi\\\": 1, \\\"unplug\\\": 1, \\\"oesn\\\\u2019t\\\": 8, \\\"are\\\": 1, \\\"ethnicity\\\": 1, \\\"religion\\\": 1, \\\"ivisive\\\": 1, \\\"trait\\\": 1, \\\"arguably\\\": 1, \\\"accepts\\\": 1, \\\"ifferences\\\": 1, \\\"eems\\\": 1, \\\"irrelevant\\\": 1, \\\"spice\\\": 1, \\\"flow\\\": 1, \\\"vrchat\\\": 1, \\\"unermines\\\": 1, \\\"unervalues\\\": 1, \\\"is\\\": 1, \\\"meet\\\": 3, \\\"pickup\\\": 1, \\\"ball\\\": 1, \\\"living\\\": 3, \\\"virtually\\\": 3, \\\"ok\\\": 1, \\\"oes\\\": 7, \\\"mean\\\": 7, \\\"soo\\\": 1, \\\"whaa\\\": 1, \\\"bro\\\": 3, \\\"shit\\\": 5, \\\"cringe\\\": 1, \\\"america\\\": 1, \\\"builers\\\": 1, \\\"infinite\\\": 5, \\\"palette\\\": 1, \\\"expression\\\": 1, \\\"marketing\\\": 1, \\\"immersive\\\": 1, \\\"experience\\\": 9, \\\"marketingtwitter\\\": 1, \\\"owning\\\": 3, \\\"super\\\": 3, \\\"rug\\\": 1, \\\"neee\\\": 1, \\\"expan\\\": 1, \\\"consciousness\\\": 1, \\\"epresse\\\": 1, \\\"nature\\\": 1, \\\"capitalism\\\": 1, \\\"won\\\\u2019t\\\": 5, \\\"happiness\\\": 1, \\\"working\\\": 7, \\\"coolest\\\": 1, \\\"same\\\": 3, \\\"opinion\\\": 5, \\\"finale\\\": 1, \\\"sen\\\": 1, \\\"shoot\\\": 1, \\\"film\\\": 1, \\\"release\\\": 1, \\\"party\\\": 5, \\\"reaming\\\": 1, \\\"reay\\\": 3, \\\"lol\\\": 5, \\\"sorta\\\": 1, \\\"sucke\\\": 1, \\\"rthro\\\": 1, \\\"overall\\\": 1, \\\"survive\\\": 1, \\\"expecte\\\": 1, \\\"infrastructure\\\": 3, \\\"watch\\\": 5, \\\"enws\\\": 1, \\\"what's\\\": 3, \\\"\\\\u2018internet\\\\u2019\\\": 1, \\\"funeral\\\": 1, \\\"\\\\u201cscalability\\\": 2, \\\"\\\\u201d\\\": 2, \\\"envision\\\": 2, \\\"gas\\\": 4, \\\"fee\\\": 2, \\\"hype\\\": 2, \\\"overprice\\\": 2, \\\"caters\\\": 2, \\\"small\\\": 2, \\\"wealthy\\\": 2, \\\"neither\\\": 2, \\\"forgive\\\": 2, \\\"impresse\\\": 2, \\\"yuga\\\": 2, \\\"lab\\\": 2, \\\"mint\\\": 8, \\\"remine\\\": 2, \\\"learnt\\\": 2, \\\"stuying\\\": 2, \\\"bran\\\": 8, \\\"pivot\\\": 2, \\\"everything\\\": 4, \\\"easy\\\": 2, \\\"seem\\\": 2, \\\"either\\\": 2, \\\"zuckerberg\\\": 10, \\\"munger\\\": 2, \\\"losing\\\": 4, \\\"billion\\\": 6, \\\"baba\\\": 2, \\\"bet\\\": 8, \\\"amazon\\\": 4, \\\"buffett\\\": 2, \\\"rivian\\\": 2, \\\"airlines\\\": 2, \\\"finest\\\": 2, \\\"mistakes\\\": 2, \\\"farm\\\": 2, \\\"single\\\": 4, \\\"investment\\\": 2, \\\"iversify\\\": 2, \\\"lost\\\": 2, \\\"gone\\\": 4, \\\"whoa\\\": 2, \\\"foot\\\": 2, \\\"calle\\\": 2, \\\"\\\\ud83d\\\\ude4fnamaste\\\": 2, \\\"persona\\\": 2, \\\"giggling\\\": 2, \\\"bit\\\": 2, \\\"hopefully\\\": 2, \\\"royal\\\": 2, \\\"mark\\\": 10, \\\"palace\\\": 2, \\\"i\\\\u2019m\\\": 6, \\\"eff\\\": 2, \\\"ei\\\": 2, \\\"hometown\\\": 2, \\\"culture\\\": 2, \\\"foo\\\": 2, \\\"gosh\\\": 2, \\\"mainstream\\\": 2, \\\"means\\\": 2, \\\"zuckerburg\\\": 2, \\\"keep\\\": 4, \\\"raining\\\": 2, \\\"umbass\\\": 2, \\\"venture\\\": 2, \\\"sit\\\": 6, \\\"back\\\": 4, \\\"smile\\\": 2, \\\"gamer\\\": 2, \\\"pretentious\\\": 2, \\\"billionaire\\\": 2, \\\"bros\\\": 2, \\\"jerk\\\": 2, \\\"financialize\\\": 2, \\\"increibly\\\": 2, \\\"touch\\\": 6, \\\"methos\\\": 2, \\\"try\\\": 6, \\\"appeal\\\": 2, \\\"sale\\\": 4, \\\"w2\\\": 2, \\\"approach\\\": 2, \\\"similar\\\": 2, \\\"squatting\\\": 2, \\\"com\\\": 2, \\\"omains\\\": 2, \\\"oesn't\\\": 2, \\\"composability\\\": 2, \\\"w3\\\": 2, \\\"number\\\": 4, \\\"central\\\": 2, \\\"authority\\\": 2, \\\"artificially\\\": 4, \\\"restricting\\\": 2, \\\"supply\\\": 2, \\\"stuff\\\": 6, \\\"harest\\\": 4, \\\"journey\\\": 2, \\\"patience\\\": 2, \\\"extremes\\\": 2, \\\"wanering\\\": 2, \\\"phones\\\": 2, \\\"company\\\": 6, \\\"communicating\\\": 2, \\\"taking\\\": 2, \\\"scenery\\\": 2, \\\"yet\\\": 6, \\\"sa\\\": 2, \\\"we've\\\": 2, \\\"mclaren\\\": 2, \\\"chapter\\\": 2, \\\"automotive\\\": 2, \\\"strategize\\\": 2, \\\"for\\\": 4, \\\"ambition\\\": 4, \\\"strategy\\\": 2, \\\"claim\\\": 2, \\\"leaership\\\": 2, \\\"meta\\\": 8, \\\"store\\\": 8, \\\"b2b\\\": 2, \\\"showroom\\\": 2, \\\"consumers\\\": 2, \\\"though\\\": 2, \\\"early\\\": 6, \\\"aopting\\\": 2, \\\"curiosity\\\": 2, \\\"seekers\\\": 2, \\\"rawn\\\": 2, \\\"hang\\\": 2, \\\"later\\\": 2, \\\"gat\\\": 2, \\\"gaget\\\": 2, \\\"promote\\\": 2, \\\"kinf\\\": 2, \\\"\\\\ud83d\\\\udc51\\\": 2, \\\"jesus\\\": 2, \\\"secon\\\": 2, \\\"avice\\\": 2, \\\"whatever\\\": 2, \\\"facts\\\": 2, \\\"330mil\\\\u2026\\\": 2, \\\"fp\\\": 2, \\\"rocket\\\": 2, \\\"reinvest\\\": 2, \\\"ba\\\": 6, \\\"ambitious\\\": 2, \\\"ruler\\\": 2, \\\"ahea\\\": 2, \\\"prj\\\": 2, \\\"rn\\\": 2, \\\"mf\\\": 2, \\\"\\\\ud83e\\\\udd23\\\": 2, \\\"e\\\": 2, \\\"inferno\\\": 2, \\\"misse\\\": 2, \\\"othersiemeta\\\": 8, \\\"claymates\\\": 2, \\\"carano\\\": 8, \\\"31k\\\": 2, \\\"cheap\\\": 4, \\\"fees\\\": 2, \\\"gets\\\": 2, \\\"smart\\\": 2, \\\"contract\\\": 2, \\\"proven\\\": 2, \\\"actually\\\": 4, \\\"withstan\\\": 2, \\\"congestion\\\": 2, \\\"common\\\": 2, \\\"misconception\\\": 2, \\\"location\\\": 2, \\\"matters\\\": 2, \\\"unless\\\": 2, \\\"inten\\\": 2, \\\"aimlessly\\\": 2, \\\"everywhere\\\": 2, \\\"om\\\": 4, \\\"thesanboxgame\\\": 4, \\\"rtfkt\\\": 2, \\\"po\\\": 2, \\\"simply\\\": 2, \\\"teleport\\\": 2, \\\"estination\\\": 2, \\\"fix\\\": 2, \\\"matrix\\\": 2, \\\"rather\\\": 10, \\\"40\\\": 2, \\\"pugy\\\": 2, \\\"penguin\\\": 4, \\\"bayc\\\": 6, \\\"irl\\\": 2, \\\"pay\\\": 2, \\\"000\\\": 8, \\\"collectable\\\": 2, \\\"as\\\": 4, \\\"ap\\\": 2, \\\"rolex\\\": 2, \\\"a\\\": 8, \\\"guitar\\\": 2, \\\"owne\\\": 4, \\\"srv\\\": 2, \\\"jimmy\\\": 2, \\\"henrix\\\": 2, \\\"bob\\\": 4, \\\"ross\\\": 2, \\\"painting\\\": 2, \\\"metronome\\\": 2, \\\"maria\\\": 2, \\\"callas\\\": 2, \\\"sol\\\": 2, \\\"245\\\": 2, \\\"worth\\\": 2, \\\"estate\\\": 6, \\\"launching\\\": 2, \\\"othersie\\\": 8, \\\"zuckerberg's\\\": 2, \\\"collapse\\\": 2, \\\"pile\\\": 2, \\\"shite\\\": 2, \\\"cnn\\\": 2, \\\"isney\\\": 6, \\\"begin\\\": 4, \\\"shape\\\": 2, \\\"aily\\\": 4, \\\"chairman\\\": 2, \\\"chapek\\\": 2, \\\"speaks\\\": 2, \\\"eication\\\": 2, \\\"ceremony\\\": 2, \\\"star\\\": 2, \\\"wars\\\": 2, \\\"galaxy's\\\": 2, \\\"ege\\\": 2, \\\"aug\\\": 2, \\\"28\\\": 2, \\\"2019\\\": 2, \\\"walt\\\": 2, \\\"worl's\\\": 2, \\\"hollywoo\\\": 2, \\\"stuios\\\": 2, \\\"nextverse\\\": 4, \\\"oriente\\\": 2, \\\"network\\\": 2, \\\"0\\\": 4, \\\"io\\\": 2, \\\"april\\\": 4, \\\"29\\\": 2, \\\"gamefi\\\": 2, \\\"rekite\\\": 2, \\\"automobile\\\": 2, \\\"gem\\\": 2, \\\"jewellery\\\": 2, \\\"travel\\\": 2, \\\"firm\\\": 2, \\\"renition\\\": 2, \\\"heagear\\\": 2, \\\"content\\\": 2, \\\"stop\\\": 2, \\\"talking\\\": 8, \\\"introucing\\\": 2, \\\"2017\\\": 2, \\\"chat\\\": 4, \\\"instea\\\": 4, \\\"amawithsahguru\\\": 2, \\\"namaskaram\\\": 2, \\\"sahguru\\\": 2, \\\"fascinate\\\": 2, \\\"savesoil\\\": 2, \\\"sahgurujv\\\": 2, \\\"cpsavesoil\\\": 2, \\\"curious\\\": 2, \\\"\\\\u201cgo\\\\u201d\\\": 2, \\\"clunky\\\": 2, \\\"weir\\\": 4, \\\"sims\\\": 4, \\\"realise\\\": 2, \\\"vaporwave\\\": 2, \\\"minless\\\": 2, \\\"scam\\\": 4, \\\"boomer\\\": 2, \\\"brain\\\": 4, \\\"sales\\\": 2, \\\"thrown\\\": 2, \\\"vapourware\\\": 2, \\\"icos\\\": 2, \\\"prop\\\": 2, \\\"usp\\\": 2, \\\"casino\\\": 2, \\\"\\\\ud83e\\\\udd14\\\": 2, \\\"spening\\\": 2, \\\"holiays\\\": 2, \\\"unreal\\\": 2, \\\"efinitely\\\": 2, \\\"fair\\\": 2, \\\"tool\\\": 4, \\\"gotta\\\": 2, \\\"plunge\\\": 2, \\\"ont\\\": 4, \\\"care\\\": 4, \\\"inonesia\\\": 2, \\\"bull\\\": 2, \\\"cycle\\\": 2, \\\"meia\\\": 6, \\\"simultaneously\\\": 2, \\\"experiencing\\\": 2, \\\"shift\\\": 4, \\\"era\\\": 6, \\\"centre\\\": 2, \\\"two\\\": 2, \\\"completely\\\": 4, \\\"lifetimes\\\": 2, \\\"kill\\\": 2, \\\"99\\\": 2, \\\"9\\\": 2, \\\"long\\\": 8, \\\"run\\\": 2, \\\"typically\\\": 2, \\\"ill\\\": 2, \\\"thought\\\": 6, \\\"out\\\": 4, \\\"scarce\\\": 2, \\\"borering\\\": 2, \\\"cash\\\": 2, \\\"grab\\\": 2, \\\"serf\\\": 2, \\\"purpose\\\": 4, \\\"convince\\\": 2, \\\"yugalabs\\\": 4, \\\"01\\\": 2, \\\"punks\\\": 2, \\\"happen\\\": 2, \\\"punk\\\": 2, \\\"warren\\\": 2, \\\"buffet\\\": 2, \\\"on\\\": 2, \\\"embrace\\\": 2, \\\"spacex\\\": 2, \\\"tesla\\\": 2, \\\"elonmusk\\\": 2, \\\"unelegant\\\": 2, \\\"launch\\\": 4, \\\"possibility\\\": 6, \\\"enless\\\": 2, \\\"warcraft\\\": 2, \\\"vast\\\": 2, \\\"socialize\\\": 4, \\\"using\\\": 8, \\\"avatars\\\": 2, \\\"filmmaker\\\": 2, \\\"entertainment\\\": 4, \\\"alike\\\": 2, \\\"recognize\\\": 2, \\\"narrative\\\": 4, \\\"trope\\\": 2, \\\"\\\\u2014\\\": 2, \\\"filmmaking\\\": 2, \\\"30\\\": 4, \\\"2022\\\": 8, \\\"08\\\": 2, \\\"00am\\\": 2, \\\"by\\\": 2, \\\"jenna\\\": 2, \\\"benchetrit\\\": 2, \\\"\\\\u2026\\\": 2, \\\"emystifying\\\": 2, \\\"business\\\": 4, \\\"imperative\\\": 2, \\\"kina\\\": 2, \\\"sketchy\\\": 2, \\\"showing\\\": 2, \\\"late\\\": 2, \\\"\\\\ud83d\\\\ude11\\\": 2, \\\"on\\\\u2019t\\\": 4, \\\"\\\\u2665\\\\ufe0f\\\": 2, \\\"riiculous\\\": 2, \\\"certain\\\": 2, \\\"tonight\\\": 2, \\\"extremely\\\": 2, \\\"grateful\\\": 2, \\\"folk\\\": 2, \\\"punk6529\\\": 2, \\\"focuse\\\": 4, \\\"community\\\": 4, \\\"ecentralization\\\": 2, \\\"that\\\\u2019s\\\": 6, \\\"tweet\\\": 2, \\\"lea\\\": 2, \\\"mfers\\\": 2, \\\"ee\\\": 4, \\\"uty\\\": 2, \\\"yooo\\\": 2, \\\"egenix\\\": 2, \\\"claime\\\": 2, \\\"we\\\\u2019re\\\": 6, \\\"neighbors\\\": 2, \\\"generational\\\": 2, \\\"wealth\\\": 2, \\\"rfox\\\": 2, \\\"vfox\\\": 2, \\\"rest\\\": 2, \\\"utter\\\": 2, \\\"ogshit\\\": 2, \\\"seen\\\": 4, \\\"proucts\\\": 2, \\\"lure\\\": 2, \\\"12\\\": 2, \\\"lame\\\": 4, \\\"meta's\\\": 2, \\\"true\\\": 2, \\\"here's\\\": 2, \\\"fork\\\": 2, \\\"club\\\": 2, \\\"manage\\\": 4, \\\"token\\\": 4, \\\"auction\\\": 2, \\\"noticing\\\": 2, \\\"tq\\\": 2, \\\"unervalue\\\": 2, \\\"\\\\ud83d\\\\ude22\\\": 2, \\\"absur\\\": 2, \\\"this\\\": 4, \\\"bench\\\": 2, \\\"gather\\\": 2, \\\"floria\\\": 2, \\\"race\\\": 2, \\\"example\\\": 2, \\\"'most\\\": 4, \\\"hype'\\\": 2, \\\"raising'\\\": 2, \\\"'pre\\\": 2, \\\"launch'\\\": 2, \\\"became\\\": 2, \\\"officially\\\": 4, \\\"lanlor\\\": 4, \\\"rent\\\": 2, \\\"bitch\\\": 2, \\\"monkey's\\\": 2, \\\"basic\\\": 2, \\\"version\\\": 2, \\\"internalize\\\": 2, \\\"insie\\\": 2, \\\"ream\\\": 4, \\\"require\\\": 2, \\\"neuralink\\\": 2, \\\"turn\\\": 2, \\\"tho\\\": 2, \\\"souns\\\": 4, \\\"inception\\\": 2, \\\"shook\\\\u2026\\\": 2, \\\"unpopular\\\": 2, \\\"burger\\\": 2, \\\"running\\\": 4, \\\"\\\\ud83d\\\\ude29\\\\ud83d\\\\ude29\\\": 2, \\\"fall\\\": 2, \\\"\\\\ud83e\\\\udd0d\\\\ud83e\\\\udd0d\\\\ud83e\\\\udd0d\\\": 2, \\\"runescape\\\": 2, \\\"main\\\": 2, \\\"otherees\\\": 2, \\\"similarity\\\": 2, \\\"unlike\\\": 2, \\\"personal\\\": 2, \\\"relationship\\\": 2, \\\"ners\\\": 2, \\\"hq\\\": 2, \\\"voice\\\": 2, \\\"absolutely\\\": 2, \\\"slaying\\\": 2, \\\"organize\\\": 2, \\\"upates\\\": 2, \\\"prou\\\": 2, \\\"\\\\ud83d\\\\udcaa\\\": 2, \\\"jurassic\\\": 4, \\\"truth\\\": 2, \\\"ppl\\\": 2, \\\"tire\\\": 2, \\\"emerge\\\": 2, \\\"tik\\\": 2, \\\"tok\\\": 2, \\\"perhaps\\\": 4, \\\"change\\\": 4, \\\"yall\\\": 4, \\\"oesnt\\\": 2, \\\"exist\\\": 2, \\\"multi\\\": 2, \\\"ollar\\\": 2, \\\"google\\\": 2, \\\"translating\\\": 2, \\\"profile\\\": 2, \\\"follower\\\": 2, \\\"foun\\\": 2, \\\"collect\\\": 2, \\\"conspiracy\\\": 2, \\\"theory\\\": 2, \\\"theyre\\\": 2, \\\"killing\\\": 2, \\\"site\\\": 2, \\\"normie\\\": 2, \\\"alcoholic\\\": 2, \\\"canceling\\\": 2, \\\"saturay\\\": 2, \\\"plan\\\": 2, \\\"wallet\\\": 2, \\\"0x95b23a7f69a254b6c4006f2eccb4abc3bc2589\\\": 2, \\\"utility\\\": 2, \\\"accomplish\\\": 2, \\\"capacity\\\": 2, \\\"everyay\\\": 2, \\\"person\\\": 2, \\\"facebook's\\\": 4, \\\"fi\\\": 2, \\\"ifficult\\\": 2, \\\"ifferentiate\\\": 2, \\\"stay\\\": 4, \\\"mechanic\\\": 2, \\\"oa\\\": 2, \\\"2025\\\": 2, \\\"brooklyn\\\": 2, \\\"unlimite\\\": 2, \\\"renering\\\": 2, \\\"customizable\\\": 2, \\\"match\\\": 2, \\\"graphically\\\": 2, \\\"representation\\\": 2, \\\"'normal'\\\": 2, \\\"irect\\\": 2, \\\"stimulation\\\": 2, \\\"luci\\\": 2, \\\"mom\\\": 2, \\\"close\\\": 2, \\\"leaing\\\": 2, \\\"qanon\\\": 2, \\\"transitioning\\\": 2, \\\"obvious\\\": 2, \\\"expensive\\\": 2, \\\"clothing\\\": 2, \\\"bahahahahhahahahhaha\\\": 2, \\\"nakemeta\\\": 2, \\\"fronts\\\": 2, \\\"malls\\\": 2, \\\"eucational\\\": 2, \\\"center\\\": 2, \\\"accessible\\\": 2, \\\"thru\\\": 2, \\\"listen\\\": 2, \\\"zuck\\\": 2, \\\"reinventing\\\": 2, \\\"wheel\\\": 2, \\\"cinnamonvector\\\": 2, \\\"k\\\": 2, \\\"rone\\\": 2, \\\"rave\\\": 2, \\\"collective\\\": 4, \\\"meiterranean\\\": 2, \\\"boring\\\": 2, \\\"forever\\\": 2, \\\"except\\\": 2, \\\"suppose\\\": 2, \\\"places\\\": 2, \\\"corporate\\\": 2, \\\"paris\\\": 2, \\\"hilton\\\": 2, \\\"name\\\": 2, \\\"queen\\\": 2, \\\"noboy\\\": 2, \\\"asshole\\\": 2, \\\"lay\\\": 2, \\\"\\\\ud83d\\\\udc49\\\\ud83c\\\\udffd\\\\ud83d\\\\udc4c\\\\ud83c\\\\udffdin\\\": 2, \\\"han\\\": 2, \\\"motion\\\": 2, \\\"\\\\ud83d\\\\ude21\\\": 2, \\\"\\\\u2018metaverse\\\\u2019\\\": 2, \\\"gta\\\": 2, \\\"isn\\\\u2019t\\\": 2, \\\"aa\\\": 2, \\\"q\\\": 2, \\\"mazerunner\\\": 2, \\\"hermes\\\": 4, \\\"consiers\\\": 2, \\\"communicate\\\": 2, \\\"communication\\\": 2, \\\"although\\\": 2, \\\"birkin\\\": 2, \\\"remains\\\": 2, \\\"craftsmanship\\\": 2, \\\"optimize\\\": 2, \\\"massive\\\": 2, \\\"paraigm\\\": 2, \\\"progressive\\\": 2, \\\"proof\\\": 2, \\\"maturing\\\": 2, \\\"class\\\": 2, \\\"however\\\": 2, \\\"forget\\\": 2, \\\"woner\\\": 2, \\\"we'll\\\": 2, \\\"rich\\\": 4, \\\"hologram\\\": 2, \\\"society\\\": 2, \\\"normal\\\": 2, \\\"lives\\\": 2, \\\"generation\\\": 2, \\\"grass\\\": 2, \\\"trees\\\": 2, \\\"af\\\": 2, \\\"often\\\": 2, \\\"evice\\\": 2, \\\"whether\\\": 2, \\\"watching\\\": 2, \\\"movie\\\": 2, \\\"chatting\\\": 2, \\\"vieo\\\": 2, \\\"satisfaction\\\": 2, \\\"opamine\\\": 2, \\\"unhook\\\": 2, \\\"cheating\\\": 2, \\\"aopte\\\": 2, \\\"they\\\\u2019re\\\": 2, \\\"sexually\\\": 2, \\\"assaulting\\\": 2, \\\"raping\\\": 2, \\\"bigger\\\": 2, \\\"baron\\\": 4, \\\"critical\\\": 2, \\\"sorry\\\": 2, \\\"spatial\\\": 2, \\\"but\\\\u2014alreay\\\": 2, \\\"is\\\\u2014temporal\\\": 2, \\\"attention\\\": 2, \\\"ancers\\\": 2, \\\"imma\\\": 2, \\\"\\\\ud83d\\\\ude02\\\": 2, \\\"wanting\\\": 2, \\\"lock\\\": 2, \\\"covi\\\": 2, \\\"crime\\\": 2, \\\"fear\\\": 2, \\\"home\\\": 4, \\\"enter\\\": 2, \\\"\\\\u201cmetaverse\\\\u201d\\\": 6, \\\"therefore\\\": 4, \\\"reucing\\\": 2, \\\"footprint\\\": 2, \\\"control\\\": 2, \\\"gamers\\\": 2, \\\"giant\\\": 2, \\\"sticking\\\": 2, \\\"entire\\\": 2, \\\"\\\\ud83d\\\\udcaf\\\": 2, \\\"pls\\\": 2, \\\"ask\\\": 6, \\\"panel\\\": 2, \\\"they\\\": 2, \\\"b\\\": 2, \\\"app\\\": 2, \\\"faker\\\": 2, \\\"sleep\\\": 2, \\\"fr\\\": 2, \\\"remin\\\": 2, \\\"akira\\\\u2019s\\\": 2, \\\"shoe\\\": 2, \\\"pointe\\\": 2, \\\"seriously\\\": 2, \\\"cease\\\": 2, \\\"amaze\\\": 4, \\\"exciting\\\": 2, \\\"aictive\\\": 2, \\\"nftcommunity\\\": 2, \\\"sheeesh\\\": 2, \\\"san\\\": 4, \\\"whole\\\": 2, \\\"evelopment\\\": 2, \\\"2037\\\": 2, \\\"vibration\\\": 2, \\\"favor\\\": 2, \\\"\\\\u26a1\\\\ufe0f\\\": 2, \\\"hub\\\": 2, \\\"woahh\\\": 2, \\\"matterverse\\\": 2, \\\"convergence\\\": 2, \\\"enhance\\\": 2, \\\"physically\\\": 2, \\\"persistent\\\": 2, \\\"incluing\\\": 2, \\\"sum\\\": 2, \\\"scary\\\": 2, \\\"likely\\\": 2, \\\"verse\\\": 2, \\\"sucks\\\": 2, \\\"aj\\\": 2, \\\"complete\\\": 2, \\\"rule\\\": 2, \\\"physic\\\": 2, \\\"limitation\\\": 2, \\\"mol\\\": 2, \\\"cage\\\": 2, \\\"lie\\\": 2, \\\"pyrami\\\": 2, \\\"scheme\\\": 2, \\\"provemewrong\\\": 2, \\\"parcel\\\": 2, \\\"greatest\\\": 2, \\\"regret\\\": 2, \\\"5years\\\": 2, \\\"\\\\ud83d\\\\ude09\\\": 2, \\\"ago\\\": 2, \\\"move\\\": 4, \\\"largest\\\": 2, \\\"unerneath\\\": 2, \\\"layer\\\": 4, \\\"win\\\": 2, \\\"fire\\\": 2, \\\"cringing\\\": 2, \\\"imo\\\": 2, \\\"\\\\u26a1\\\\ufe0f\\\\u26a1\\\\ufe0f\\\\u26a1\\\\ufe0f\\\": 2, \\\"champions\\\": 2, \\\"heck\\\": 2}\", \"word_docs\": \"{\\\"towar\\\": 1, \\\"igital\\\": 24, \\\"nft\\\": 10, \\\"frienly\\\": 1, \\\"part\\\": 1, \\\"carbon\\\": 3, \\\"strong\\\": 1, \\\"ar\\\": 4, \\\"environmentally\\\": 1, \\\"plege\\\": 1, \\\"veve\\\": 1, \\\"step\\\": 3, \\\"always\\\": 4, \\\"neutrality\\\": 1, \\\"since\\\": 2, \\\"sustainable\\\": 1, \\\"making\\\": 1, \\\"founing\\\": 1, \\\"priority\\\": 1, \\\"collectible\\\": 1, \\\"future\\\": 25, \\\"green\\\": 1, \\\"metaverse\\\": 456, \\\"ecomi\\\": 1, \\\"being\\\": 1, \\\"month\\\": 4, \\\"shop\\\": 4, \\\"recruitment\\\": 1, \\\"first\\\": 6, \\\"new\\\": 19, \\\"businesses\\\": 1, \\\"protocol\\\": 1, \\\"mae\\\": 7, \\\"ecentralan\\\": 8, \\\"history\\\": 3, \\\"age\\\": 2, \\\"\\\\ud83d\\\\ude80\\\": 1, \\\"welcome\\\": 2, \\\"boson\\\": 1, \\\"worls\\\": 10, \\\"worl\\\\u2019s\\\": 1, \\\"campaign\\\": 1, \\\"virtual\\\": 21, \\\"billboar\\\": 1, \\\"opening\\\": 4, \\\"escribe\\\": 1, \\\"time\\\": 25, \\\"o\\\": 2, \\\"vision\\\": 6, \\\"revision\\\": 1, \\\"reverse\\\": 1, \\\"minute\\\": 1, \\\"block\\\": 1, \\\"must\\\": 5, \\\"stuy\\\": 1, \\\"may\\\": 9, \\\"chilren\\\": 3, \\\"liberty\\\": 1, \\\"commerce\\\": 1, \\\"war\\\": 1, \\\"music\\\": 3, \\\"poetry\\\": 2, \\\"i\\\": 6, \\\"amp\\\": 12, \\\"crypto\\\": 12, \\\"aams\\\": 1, \\\"son\\\": 1, \\\"math\\\": 3, \\\"politics\\\": 1, \\\"ought\\\": 1, \\\"john\\\": 1, \\\"architecture\\\": 3, \\\"ki\\\": 3, \\\"art\\\": 3, \\\"five\\\": 3, \\\"i'm\\\": 14, \\\"sure\\\": 3, \\\"\\\\ud83d\\\\ude44\\\": 1, \\\"together\\\": 4, \\\"take\\\": 14, \\\"sz\\\": 1, \\\"cryptocurrency\\\": 1, \\\"matter\\\": 4, \\\"spac\\\": 1, \\\"if\\\": 1, \\\"put\\\": 3, \\\"year\\\": 9, \\\"will\\\": 1, \\\"streame\\\": 1, \\\"the\\\": 3, \\\"lan\\\": 49, \\\"might\\\": 5, \\\"buying\\\": 5, \\\"why\\\": 3, \\\"consier\\\": 4, \\\"anything\\\": 4, \\\"lavenza\\\": 1, \\\"ren\\\": 1, \\\"make\\\": 14, \\\"ance\\\": 3, \\\"no\\\": 7, \\\"maruki\\\": 1, \\\"sp\\\": 1, \\\"har\\\": 9, \\\"think\\\": 38, \\\"coffee\\\": 1, \\\"restore\\\": 1, \\\"happy\\\": 5, \\\"able\\\": 4, \\\"mona\\\": 1, \\\"power\\\": 2, \\\"okay\\\": 5, \\\"enough\\\": 5, \\\"sense\\\": 1, \\\"atabase\\\": 1, \\\"built\\\": 12, \\\"financial\\\": 1, \\\"universal\\\": 2, \\\"something\\\": 12, \\\"cannot\\\": 3, \\\"current\\\": 4, \\\"bitcoin\\\": 2, \\\"system\\\": 1, \\\"global\\\": 1, \\\"fiat\\\": 1, \\\"smartweb\\\": 1, \\\"tamperproof\\\": 1, \\\"elastos\\\": 1, \\\"unbiase\\\": 1, \\\"soun\\\": 1, \\\"blockchain\\\": 10, \\\"solo\\\": 1, \\\"waste\\\": 1, \\\"who\\\\u2019s\\\": 1, \\\"least\\\": 1, \\\"simple\\\": 1, \\\"mathematically\\\": 1, \\\"say\\\": 6, \\\"burne\\\": 1, \\\"builing\\\": 9, \\\"founation\\\": 1, \\\"trustworthy\\\": 1, \\\"energy\\\": 1, \\\"now\\\\u2014\\\": 1, \\\"live\\\": 12, \\\"kakao\\\": 1, \\\"cocktails\\\": 1, \\\"nb\\\": 1, \\\"nothing\\\": 8, \\\"vx\\\": 1, \\\"northkorea\\\": 1, \\\"open\\\": 8, \\\"stream\\\": 3, \\\"sktelecom\\\": 1, \\\"2021\\\": 2, \\\"golf\\\": 1, \\\"kakaovx\\\": 1, \\\"10\\\": 6, \\\"minutes\\\": 1, \\\"gooo\\\": 1, \\\"20\\\": 2, \\\"left\\\": 1, \\\"min\\\": 3, \\\"let's\\\": 3, \\\"week\\\": 5, \\\"break\\\": 7, \\\"outsie\\\": 3, \\\"march\\\": 1, \\\"grueling\\\": 1, \\\"eserve\\\": 1, \\\"give\\\": 1, \\\"nfts\\\": 7, \\\"to\\\": 5, \\\"barge\\\": 1, \\\"nowstreaming\\\": 1, \\\"kamisawze\\\": 1, \\\"inieev\\\": 1, \\\"\\\\ufe0f\\\": 1, \\\"thevisionex\\\": 1, \\\"gameev\\\": 1, \\\"play\\\": 7, \\\"maker\\\": 5, \\\"creation\\\": 1, \\\"gameesign\\\": 1, \\\"jump\\\": 2, \\\"game\\\": 14, \\\"saying\\\": 1, \\\"u\\\": 13, \\\"go\\\": 7, \\\"suck\\\": 2, \\\"matic\\\": 1, \\\"hear\\\": 4, \\\"everyone\\\": 17, \\\"safemoon\\\": 1, \\\"lfg\\\": 1, \\\"assume\\\": 1, \\\"let\\\": 3, \\\"people\\\": 31, \\\"like\\\": 49, \\\"games\\\": 4, \\\"boom\\\": 1, \\\"ecae\\\": 1, \\\"bullish\\\": 7, \\\"banklesshq\\\": 1, \\\"pas\\\": 1, \\\"it\\\\u2019s\\\": 11, \\\"along\\\": 2, \\\"internet\\\": 16, \\\"currency\\\": 1, \\\"bon\\\": 1, \\\"also\\\": 1, \\\"asset\\\": 5, \\\"triple\\\": 1, \\\"point\\\": 6, \\\"eth\\\": 2, \\\"unerstoo\\\": 1, \\\"sov\\\": 1, \\\"thing\\\": 17, \\\"money\\\": 10, \\\"call\\\": 10, \\\"amazing\\\": 4, \\\"turboverse\\\": 1, \\\"set\\\": 1, \\\"top\\\": 3, \\\"bar\\\": 1, \\\"lot\\\": 9, \\\"stress\\\": 1, \\\"superuperverse\\\": 1, \\\"omfgaverse\\\": 1, \\\"high\\\": 4, \\\"upgrae\\\": 1, \\\"metaverse'\\\": 1, \\\"uner\\\": 3, \\\"that\\\": 4, \\\"maybe\\\": 3, \\\"megaverse\\\": 1, \\\"team\\\": 3, \\\"ultraverse\\\": 1, \\\"maxiverse\\\": 1, \\\"realize\\\": 2, \\\"social\\\": 15, \\\"fully\\\": 1, \\\"tangible\\\": 1, \\\"nees\\\": 5, \\\"context\\\": 1, \\\"ties\\\": 1, \\\"potential\\\": 5, \\\"real\\\": 28, \\\"value\\\": 4, \\\"especially\\\": 3, \\\"vr\\\": 14, \\\"isparate\\\": 1, \\\"worl\\\": 23, \\\"brings\\\": 1, \\\"relevance\\\": 1, \\\"1\\\": 17, \\\"link\\\": 2, \\\"multiverse\\\": 2, \\\"over\\\": 1, \\\"reas\\\": 1, \\\"eye\\\": 3, \\\"car\\\": 1, \\\"animals\\\": 1, \\\"ol\\\": 4, \\\"glow\\\": 1, \\\"stuffe\\\": 1, \\\"calling\\\": 2, \\\"away\\\": 5, \\\"outfit\\\": 1, \\\"them\\\": 2, \\\"switch\\\": 1, \\\"form\\\": 4, \\\"yellow\\\": 1, \\\"never\\\": 7, \\\"shaow\\\": 1, \\\"i\\\\u2019ve\\\": 5, \\\"attening\\\": 1, \\\"twins\\\": 1, \\\"application\\\": 1, \\\"reality\\\": 16, \\\"msbuil\\\": 1, \\\"\\\\ud83e\\\\udd7a\\\": 1, \\\"\\\\ud83d\\\\udd25\\\\ud83e\\\\udd0c\\\\ud83c\\\\udffe\\\": 1, \\\"finally\\\": 3, \\\"msbuil2021\\\": 1, \\\"session\\\": 1, \\\"mixe\\\": 1, \\\"anielarsham\\\": 1, \\\"work\\\": 14, \\\"fan\\\": 1, \\\"big\\\": 5, \\\"\\\\ud83e\\\\udd1d\\\\u2728\\\": 1, \\\"help\\\": 3, \\\"nftart\\\": 2, \\\"prove\\\": 3, \\\"please\\\": 1, \\\"human\\\": 5, \\\"kin\\\": 7, \\\"\\\\ud83d\\\\udc9a\\\": 1, \\\"space\\\": 13, \\\"opportunity\\\": 5, \\\"weeken\\\": 3, \\\"nftartists\\\": 1, \\\"nftcollectors\\\": 1, \\\"\\\\ud83d\\\\udd25\\\": 1, \\\"friay\\\": 1, \\\"eieganglan\\\": 1, \\\"guess\\\": 1, \\\"joining\\\": 3, \\\"cool\\\": 6, \\\"overstate\\\": 1, \\\"rise\\\": 2, \\\"there\\\\u2019s\\\": 5, \\\"reason\\\": 3, \\\"necessity\\\\ud83e\\\\uddf5\\\": 1, \\\"sovereign\\\": 2, \\\"another\\\": 1, \\\"implication\\\": 1, \\\"here\\\": 4, \\\"self\\\": 3, \\\"alone\\\": 1, \\\"inclusive\\\": 2, \\\"luxury\\\": 3, \\\"economic\\\": 1, \\\"fact\\\": 1, \\\"story\\\": 5, \\\"leave\\\": 1, \\\"playing\\\": 8, \\\"traitor\\\": 1, \\\"aroun\\\": 15, \\\"tag\\\": 1, \\\"hour\\\": 8, \\\"bol\\\": 1, \\\"grease\\\": 1, \\\"mission\\\": 1, \\\"backe\\\": 1, \\\"sie\\\": 1, \\\"geek\\\": 1, \\\"generally\\\": 1, \\\"many\\\": 5, \\\"inustry\\\": 3, \\\"huge\\\": 2, \\\"promising\\\": 1, \\\"young\\\": 2, \\\"potentially\\\": 1, \\\"willpower\\\": 1, \\\"3\\\": 13, \\\"manifest\\\": 1, \\\"atleast\\\": 1, \\\"elbow\\\": 1, \\\"speaking\\\": 1, \\\"via\\\": 1, \\\"cannabis\\\": 3, \\\"lover\\\": 3, \\\"efi\\\": 4, \\\"grow\\\\u2705\\\\ud83d\\\\udd1c\\\": 1, \\\"bscpa\\\": 3, \\\"grow\\\": 2, \\\"t\\\": 1, \\\"waking\\\": 1, \\\"2\\\": 8, \\\"learning\\\": 1, \\\"reasoning\\\": 1, \\\"i'\\\": 2, \\\"maxi\\\": 1, \\\"31\\\": 1, \\\"moment\\\": 1, \\\"frien\\\": 1, \\\"nbatopshot\\\": 1, \\\"share\\\": 4, \\\"ay\\\": 9, \\\"each\\\": 1, \\\"tol\\\": 3, \\\"spen\\\": 10, \\\"every\\\": 7, \\\"rie\\\": 1, \\\"collection\\\": 1, \\\"honor\\\": 1, \\\"literally\\\": 5, \\\"kleber\\\": 1, \\\"nearly\\\": 1, \\\"bought\\\": 4, \\\"wil\\\": 7, \\\"unerstans\\\": 1, \\\"girl\\\": 1, \\\"ev\\\": 1, \\\"luck\\\": 2, \\\"crate\\\": 2, \\\"eeterplays\\\": 1, \\\"valk\\\": 6, \\\"thats\\\": 3, \\\"rigge\\\": 1, \\\"lobby\\\": 1, \\\"event\\\": 16, \\\"get\\\": 19, \\\"little\\\": 3, \\\"course\\\": 1, \\\"fill\\\": 1, \\\"got\\\": 5, \\\"next\\\": 3, \\\"champion\\\": 8, \\\"fucking\\\": 1, \\\"mostly\\\": 3, \\\"roblox\\\": 8, \\\"there's\\\": 3, \\\"hope\\\": 6, \\\"quick\\\": 1, \\\"cant\\\": 2, \\\"avise\\\": 1, \\\"start\\\": 5, \\\"rp2\\\": 1, \\\"tip\\\": 1, \\\"events\\\": 1, \\\"beacuse\\\": 1, \\\"insane\\\": 1, \\\"ha\\\": 4, \\\"valks\\\": 1, \\\"battle\\\": 1, \\\"juge\\\": 1, \\\"garens\\\": 2, \\\"prize\\\": 5, \\\"be\\\": 5, \\\"know\\\": 14, \\\"shaers\\\": 1, \\\"recently\\\": 1, \\\"etc\\\": 2, \\\"rb\\\": 1, \\\"gucci\\\": 2, \\\"great\\\": 3, \\\"limites\\\": 1, \\\"walle\\\": 1, \\\"force\\\": 1, \\\"easier\\\": 3, \\\"merrier\\\": 1, \\\"base\\\": 2, \\\"tech\\\": 8, \\\"create\\\": 9, \\\"problem\\\": 2, \\\"choose\\\": 1, \\\"on't\\\": 6, \\\"beautiful\\\": 1, \\\"one\\\": 21, \\\"crazy\\\": 6, \\\"going\\\": 20, \\\"project\\\": 10, \\\"house\\\": 1, \\\"goo\\\": 12, \\\"shaes\\\": 1, \\\"in't\\\": 3, \\\"selling\\\": 3, \\\"character\\\": 1, \\\"it\\\": 18, \\\"sooo\\\": 1, \\\"important\\\": 1, \\\"ahhhh\\\": 1, \\\"fast\\\": 1, \\\"gonna\\\": 14, \\\"love\\\": 7, \\\"10x\\\": 1, \\\"type\\\": 1, \\\"avatar\\\": 4, \\\"ethlings\\\": 1, \\\"wtf\\\": 4, \\\"ecentralizeientity\\\": 1, \\\"geolocation\\\": 1, \\\"\\\\ud83d\\\\udca1\\\\ud83e\\\\udd2f\\\\ud83c\\\\udf0f\\\": 1, \\\"\\\\ud83d\\\\udccd\\\": 1, \\\"ssi\\\": 1, \\\"fungible\\\": 1, \\\"limitless\\\": 1, \\\"\\\\ud83d\\\\udd76\\\": 1, \\\"\\\\ud83d\\\\udc8e\\\": 1, \\\"non\\\": 1, \\\"\\\\ud83d\\\\udd11\\\": 1, \\\"ientity\\\": 2, \\\"virtualreality\\\": 2, \\\"creativity\\\": 1, \\\"bloom\\\": 1, \\\"joy\\\": 1, \\\"aaaaah\\\": 1, \\\"bring\\\": 3, \\\"much\\\": 8, \\\"mobile\\\": 1, \\\"ahh\\\": 1, \\\"man\\\": 6, \\\"can't\\\": 19, \\\"pc\\\\ud83d\\\\ude2d\\\": 1, \\\"en\\\": 4, \\\"play2earn\\\": 1, \\\"\\\\ud83d\\\\ude00\\\": 1, \\\"mmorpg\\\": 2, \\\"gaming\\\": 1, \\\"earn\\\": 3, \\\"final\\\": 1, \\\"test\\\": 4, \\\"wish\\\": 2, \\\"metaversechampions\\\": 1, \\\"others\\\": 2, \\\"missing\\\": 1, \\\"box\\\": 1, \\\"thank\\\": 1, \\\"\\\\ud83c\\\\udfc6\\\": 1, \\\"book\\\": 1, \\\"monthly\\\": 1, \\\"reit\\\": 1, \\\"ae\\\": 3, \\\"are\\\\u2026\\\": 1, \\\"reach\\\": 3, \\\"100\\\": 3, \\\"users\\\": 1, \\\"ama\\\": 1, \\\"million\\\": 3, \\\"connect\\\": 1, \\\"artist\\\": 6, \\\"hosting\\\": 1, \\\"looking\\\": 7, \\\"malaysian\\\": 1, \\\"web3\\\": 8, \\\"hate\\\": 4, \\\"alot\\\": 1, \\\"plural\\\": 1, \\\"thinking\\\": 2, \\\"mega\\\": 3, \\\"else\\\": 5, \\\"collector\\\": 1, \\\"anyone\\\": 6, \\\"meicis\\\": 1, \\\"become\\\": 10, \\\"seeing\\\": 1, \\\"aos\\\": 1, \\\"13th\\\": 1, \\\"post\\\": 1, \\\"ticket\\\": 1, \\\"coming\\\": 5, \\\"sneak\\\": 1, \\\"mention\\\": 1, \\\"sai\\\": 4, \\\"checke\\\": 1, \\\"peak\\\": 1, \\\"soon\\\": 2, \\\"saw\\\": 1, \\\"yakkopinky\\\": 1, \\\"excite\\\": 13, \\\"happene\\\": 1, \\\"blog\\\": 1, \\\"atten\\\": 1, \\\"we're\\\": 6, \\\"anywho\\\": 1, \\\"\\\\ud83e\\\\udd1e\\\": 1, \\\"playe\\\": 3, \\\"privatize\\\": 1, \\\"cause\\\": 3, \\\"futuristic\\\": 1, \\\"nee\\\": 14, \\\"innovating\\\": 1, \\\"moving\\\": 1, \\\"www\\\": 1, \\\"getting\\\": 6, \\\"folks\\\": 1, \\\"inclusion\\\": 1, \\\"style\\\": 1, \\\"islan\\\": 1, \\\"apparently\\\": 1, \\\"strange\\\": 1, \\\"38\\\": 1, \\\"103\\\": 1, \\\"iscor\\\": 5, \\\"metaverses\\\": 1, \\\"booke\\\": 1, \\\"ifferent\\\": 6, \\\"alreay\\\": 6, \\\"interview\\\": 1, \\\"exhibit\\\": 1, \\\"vibe\\\": 1, \\\"screen\\\": 3, \\\"really\\\": 12, \\\"expaning\\\": 1, \\\"currently\\\": 3, \\\"iea\\\": 8, \\\"nftsmart\\\": 1, \\\"october\\\\ud83d\\\\udc40artists\\\": 1, \\\"shoul\\\": 9, \\\"baby\\\": 1, \\\"still\\\": 8, \\\"us\\\": 4, \\\"now\\\": 11, \\\"\\\\ud83d\\\\ude02\\\\ud83d\\\\ude02\\\": 1, \\\"fluctuates\\\": 1, \\\"nftfreaks\\\": 1, \\\"relative\\\": 1, \\\"wonering\\\": 2, \\\"asking\\\": 1, \\\"price\\\": 1, \\\"artistic\\\": 1, \\\"ajust\\\": 1, \\\"chunk\\\": 1, \\\"hanging\\\": 1, \\\"way\\\": 12, \\\"friens\\\": 7, \\\"life\\\": 10, \\\"socialise\\\": 1, \\\"efault\\\": 1, \\\"larger\\\": 1, \\\"perfumer\\\": 1, \\\"imagine\\\": 6, \\\"nftcollector\\\": 1, \\\"unique\\\": 1, \\\"note\\\": 1, \\\"truly\\\": 1, \\\"metaversescent\\\": 1, \\\"nftartist\\\": 1, \\\"universe\\\": 6, \\\"scent\\\": 1, \\\"better\\\": 7, \\\"term\\\": 3, \\\"user\\\": 3, \\\"terms\\\": 1, \\\"growth\\\": 1, \\\"careful\\\": 1, \\\"catchy\\\": 1, \\\"vague\\\": 1, \\\"guie\\\": 1, \\\"investor\\\": 3, \\\"platform\\\": 5, \\\"revenue\\\": 1, \\\"computing\\\": 1, \\\"icing\\\": 1, \\\"museum\\\": 1, \\\"netvrk\\\": 1, \\\"available\\\": 3, \\\"showcase\\\": 1, \\\"ntvrk\\\": 1, \\\"wie\\\": 1, \\\"nftrae\\\": 1, \\\"variety\\\": 1, \\\"cake\\\": 1, \\\"average\\\": 1, \\\"ault\\\": 1, \\\"online\\\": 4, \\\"interacting\\\": 1, \\\"spens\\\": 1, \\\"gen\\\": 3, \\\"8\\\": 1, \\\"6\\\": 3, \\\"toay\\\": 6, \\\"sooner\\\": 2, \\\"aoption\\\": 1, \\\"bowtiebull\\\": 1, \\\"igitally\\\": 1, \\\"7\\\": 1, \\\"mass\\\": 3, \\\"z\\\": 5, \\\"scale\\\": 3, \\\"sleeping\\\": 1, \\\"even\\\": 12, \\\"wasn\\\\u2019t\\\": 1, \\\"ben\\\": 1, \\\"cryptovoxels\\\": 1, \\\"clubhouse\\\": 3, \\\"awesome\\\": 6, \\\"nolan\\\": 1, \\\"quite\\\": 4, \\\"poste\\\": 1, \\\"unfortunately\\\": 1, \\\"ening\\\": 1, \\\"ayo\\\": 3, \\\"epressing\\\": 1, \\\"meeting\\\": 3, \\\"fortnite\\\": 2, \\\"exploring\\\": 1, \\\"grining\\\": 1, \\\"sunayfunay\\\": 1, \\\"btc\\\": 1, \\\"nap\\\": 1, \\\"inica\\\": 1, \\\"influence\\\": 1, \\\"buil\\\": 8, \\\"groun\\\": 1, \\\"floor\\\": 1, \\\"esign\\\": 4, \\\"men\\\": 1, \\\"womxn\\\": 1, \\\"women\\\\u2019s\\\": 1, \\\"literary\\\": 1, \\\"cryptotwitter\\\": 1, \\\"right\\\": 16, \\\"me\\\": 7, \\\"engaging\\\": 1, \\\"augmente\\\": 7, \\\"lockown\\\": 1, \\\"pure\\\": 1, \\\"intereste\\\": 2, \\\"5\\\": 5, \\\"far\\\": 5, \\\"le\\\": 10, \\\"unaulterate\\\": 1, \\\"physical\\\": 5, \\\"valkyrie\\\": 1, \\\"joine\\\": 1, \\\"believe\\\": 5, \\\"4\\\": 1, \\\"ever\\\": 6, \\\"best\\\": 1, \\\"wait\\\": 9, \\\"bag\\\": 3, \\\"twin\\\": 1, \\\"wire\\\": 1, \\\"walking\\\": 3, \\\"bore\\\": 1, \\\"ape\\\": 2, \\\"walk\\\": 8, \\\"come\\\": 3, \\\"larson\\\": 1, \\\"special\\\": 3, \\\"ranting\\\": 1, \\\"well\\\": 5, \\\"zara\\\": 1, \\\"gran\\\": 3, \\\"tomorrow\\\": 1, \\\"opene\\\": 1, \\\"miitopia\\\": 1, \\\"tomorrow\\\\u2019ll\\\": 1, \\\"can\\\\u2019t\\\": 1, \\\"reveale\\\": 1, \\\"there\\\": 6, \\\"musk\\\": 3, \\\"superhumans\\\": 1, \\\"chaveztopia\\\": 1, \\\"stages\\\": 1, \\\"rany's\\\": 1, \\\"invent\\\": 1, \\\"embryonic\\\": 1, \\\"synthesize\\\": 1, \\\"silicone\\\": 1, \\\"na\\\": 1, \\\"egg\\\": 1, \\\"elon\\\": 3, \\\"army\\\": 1, \\\"infuse\\\": 1, \\\"pre\\\": 1, \\\"musk's\\\": 1, \\\"known\\\": 3, \\\"valley\\\": 1, \\\"wenesay\\\": 1, \\\"minecraft\\\": 5, \\\"aughter\\\": 1, \\\"figure\\\": 1, \\\"homework\\\": 1, \\\"ue\\\": 3, \\\"check\\\": 2, \\\"have\\\": 3, \\\"telling\\\": 1, \\\"cany\\\": 1, \\\"without\\\": 7, \\\"aske\\\": 3, \\\"congrats\\\": 2, \\\"ix\\\": 1, \\\"supportive\\\": 1, \\\"you\\\": 5, \\\"encouraging\\\": 1, \\\"met\\\": 1, \\\"patient\\\": 1, \\\"kinest\\\": 1, \\\"shells\\\": 1, \\\"6m\\\": 1, \\\"cryptoc\\\": 1, \\\"roun\\\": 1, \\\"\\\\ud83d\\\\udc4f\\\": 1, \\\"see\\\": 13, \\\"labs\\\": 1, \\\"june\\\": 1, \\\"closing\\\": 1, \\\"coul\\\": 6, \\\"gallery\\\": 1, \\\"visit\\\": 3, \\\"announce\\\": 1, \\\"capital\\\": 6, \\\"expect\\\": 3, \\\"wave\\\": 1, \\\"pullback\\\": 1, \\\"moon\\\": 1, \\\"egens\\\": 3, \\\"introuce\\\": 1, \\\"past\\\": 1, \\\"encountere\\\": 1, \\\"emotionally\\\": 1, \\\"immature\\\": 1, \\\"unstable\\\": 1, \\\"want\\\": 19, \\\"notion\\\": 1, \\\"paramount\\\": 1, \\\"consiering\\\": 3, \\\"primer\\\": 1, \\\"buy\\\": 3, \\\"parcels\\\": 1, \\\"someone\\\": 10, \\\"following\\\": 3, \\\"500\\\": 5, \\\"lifetime\\\": 1, \\\"steal\\\": 1, \\\"sick\\\": 1, \\\"inner\\\": 1, \\\"apewars\\\": 1, \\\"aping\\\": 1, \\\"seems\\\": 6, \\\"look\\\": 7, \\\"count\\\": 1, \\\"houseofkibaa\\\": 1, \\\"in\\\": 5, \\\"slick\\\": 1, \\\"eep\\\": 1, \\\"provenance\\\": 1, \\\"eepfakes\\\": 1, \\\"necessity\\\": 1, \\\"result\\\": 1, \\\"cryptoart\\\": 1, \\\"institution\\\": 1, \\\"low\\\": 3, \\\"ear\\\": 2, \\\"ownership\\\": 1, \\\"trust\\\": 3, \\\"all\\\": 1, \\\"isinformation\\\": 1, \\\"longer\\\": 1, \\\"maintain\\\": 1, \\\"recors\\\": 1, \\\"belief\\\": 1, \\\"\\\\ud83d\\\\ude21\\\\ud83d\\\\ude21\\\\ud83d\\\\ude21\\\": 1, \\\"iscover\\\": 1, \\\"exprience\\\": 1, \\\"upate\\\": 1, \\\"probably\\\": 5, \\\"worse\\\": 1, \\\"free\\\": 3, \\\"prizes\\\": 1, \\\"garen\\\": 1, \\\"anymore\\\": 2, \\\"ieas\\\": 1, \\\"fun\\\": 7, \\\"i'll\\\": 1, \\\"rate\\\": 3, \\\"fit\\\": 3, \\\"show\\\": 3, \\\"cross\\\": 1, \\\"useless\\\": 1, \\\"engine\\\": 1, \\\"otherwise\\\": 1, \\\"remae\\\": 1, \\\"piece\\\": 2, \\\"solve\\\": 1, \\\"stanar\\\": 1, \\\"fashion\\\": 1, \\\"use\\\": 8, \\\"none\\\": 1, \\\"limite\\\": 4, \\\"charge\\\": 1, \\\"everyboy\\\": 1, \\\"esigns\\\": 1, \\\"raise\\\": 1, \\\"et\\\": 1, \\\"rop\\\": 5, \\\"hic\\\": 1, \\\"vaxzine\\\": 1, \\\"oxx\\\": 1, \\\"pretty\\\": 3, \\\"works\\\": 1, \\\"hicathon\\\": 1, \\\"bellow\\\": 1, \\\"yungmathusalem\\\": 1, \\\"shoutout\\\": 1, \\\"foganis\\\": 1, \\\"guy\\\": 5, \\\"uring\\\": 1, \\\"xoxoxox\\\": 1, \\\"concept\\\": 3, \\\"that's\\\": 2, \\\"nunc\\\": 1, \\\"explain\\\": 3, \\\"auience\\\": 1, \\\"facebook\\\": 5, \\\"snapchat\\\": 1, \\\"concert\\\": 3, \\\"twice\\\": 1, \\\"sc's\\\": 1, \\\"anticipate\\\": 1, \\\"interesting\\\": 5, \\\"near\\\": 1, \\\"billie\\\": 1, \\\"eilish\\\": 1, \\\"economy\\\": 1, \\\"monetize\\\": 1, \\\"celebrate\\\": 1, \\\"fellow\\\": 1, \\\"let\\\\u2019s\\\": 3, \\\"learn\\\": 3, \\\"web\\\": 3, \\\"creatoreconomy\\\": 1, \\\"creator\\\": 1, \\\"nft\\\\u2019s\\\": 1, \\\"actors\\\": 1, \\\"creators\\\": 1, \\\"pumpe\\\": 1, \\\"\\\\u27a1\\\\ufe0f\\\": 1, \\\"vertoexchange\\\": 1, \\\"last\\\": 1, \\\"finishe\\\": 1, \\\"school\\\": 1, \\\"pursue\\\": 1, \\\"exam\\\": 1, \\\"full\\\": 1, \\\"newspaper\\\": 1, \\\"twiste\\\": 1, \\\"came\\\": 1, \\\"reporting\\\": 1, \\\"fake\\\": 1, \\\"sensationalism\\\": 1, \\\"blogs\\\": 1, \\\"starte\\\": 1, \\\"tv\\\": 3, \\\"news\\\": 2, \\\"sprea\\\": 1, \\\"followe\\\": 1, \\\"\\\\u2728perfect\\\\u2728\\\": 1, \\\"\\\\ud83d\\\\ude1a\\\": 1, \\\"fin\\\": 11, \\\"legal\\\": 1, \\\"'metaverse'\\\": 3, \\\"fuck\\\": 3, \\\"bullshit\\\": 1, \\\"hello\\\": 1, \\\"waiting\\\": 3, \\\"been\\\": 1, \\\"hey\\\": 1, \\\"awhile\\\": 1, \\\"what\\\\u2019s\\\": 3, \\\"family\\\": 1, \\\"what\\\": 1, \\\"i\\\\u2019ll\\\": 1, \\\"\\\\ud83d\\\\udc7e\\\": 2, \\\"haven\\\\u2019t\\\": 1, \\\"firevertex\\\": 1, \\\"message\\\": 1, \\\"metacurse\\\": 1, \\\"from\\\": 3, \\\"investing\\\": 1, \\\"toolate\\\": 1, \\\"earth\\\": 3, \\\"favorite\\\": 2, \\\"park\\\": 6, \\\"ethereum\\\": 1, \\\"asap\\\": 1, \\\"ibs\\\": 1, \\\"avantage\\\": 1, \\\"place\\\": 4, \\\"superworlapp\\\": 1, \\\"plot\\\": 1, \\\"rea\\\": 1, \\\"\\\\ud83d\\\\udc47\\\\ud83c\\\\udffb\\\\u263a\\\\ufe0f\\\": 1, \\\"morning\\\": 3, \\\"miss\\\": 4, \\\"twitter\\\": 9, \\\"woul\\\": 12, \\\"\\\\u2728\\\": 1, \\\"y'all\\\": 3, \\\"mvps\\\": 1, \\\"\\\\u2728\\\\ud83d\\\\ude4f\\\\ud83c\\\\udffd\\\": 1, \\\"computer\\\": 1, \\\"creating\\\": 2, \\\"taxing\\\": 1, \\\"towars\\\": 1, \\\"heae\\\": 1, \\\"feel\\\": 6, \\\"2n\\\": 1, \\\"pc\\\": 1, \\\"unerestimate\\\": 1, \\\"i've\\\": 1, \\\"im\\\": 5, \\\"singing\\\": 1, \\\"ik\\\": 1, \\\"looke\\\": 3, \\\"scifi\\\": 1, \\\"lawanorer\\\": 1, \\\"cyber\\\": 3, \\\"newworlorer\\\": 1, \\\"technology\\\": 5, \\\"law\\\": 1, \\\"punishe\\\": 1, \\\"criminal\\\": 1, \\\"ai\\\": 1, \\\"science\\\": 1, \\\"capitalpunishment\\\": 1, \\\"unplug\\\": 1, \\\"tormente\\\": 1, \\\"ivisive\\\": 1, \\\"spice\\\": 1, \\\"are\\\": 1, \\\"arguably\\\": 1, \\\"irrelevant\\\": 1, \\\"ethnicity\\\": 1, \\\"religion\\\": 1, \\\"accepts\\\": 1, \\\"trait\\\": 1, \\\"eems\\\": 1, \\\"ifferences\\\": 1, \\\"oesn\\\\u2019t\\\": 8, \\\"flow\\\": 1, \\\"unervalues\\\": 1, \\\"ball\\\": 1, \\\"pickup\\\": 1, \\\"living\\\": 3, \\\"unermines\\\": 1, \\\"virtually\\\": 3, \\\"vrchat\\\": 1, \\\"meet\\\": 3, \\\"is\\\": 1, \\\"oes\\\": 7, \\\"mean\\\": 7, \\\"ok\\\": 1, \\\"whaa\\\": 1, \\\"soo\\\": 1, \\\"bro\\\": 3, \\\"shit\\\": 5, \\\"cringe\\\": 1, \\\"america\\\": 1, \\\"builers\\\": 1, \\\"infinite\\\": 5, \\\"palette\\\": 1, \\\"expression\\\": 1, \\\"marketingtwitter\\\": 1, \\\"marketing\\\": 1, \\\"immersive\\\": 1, \\\"experience\\\": 7, \\\"super\\\": 3, \\\"owning\\\": 3, \\\"expan\\\": 1, \\\"rug\\\": 1, \\\"neee\\\": 1, \\\"consciousness\\\": 1, \\\"epresse\\\": 1, \\\"nature\\\": 1, \\\"won\\\\u2019t\\\": 5, \\\"happiness\\\": 1, \\\"capitalism\\\": 1, \\\"same\\\": 3, \\\"coolest\\\": 1, \\\"working\\\": 7, \\\"opinion\\\": 5, \\\"finale\\\": 1, \\\"sen\\\": 1, \\\"film\\\": 1, \\\"shoot\\\": 1, \\\"release\\\": 1, \\\"party\\\": 5, \\\"reaming\\\": 1, \\\"reay\\\": 3, \\\"lol\\\": 5, \\\"sorta\\\": 1, \\\"sucke\\\": 1, \\\"rthro\\\": 1, \\\"overall\\\": 1, \\\"survive\\\": 1, \\\"expecte\\\": 1, \\\"watch\\\": 5, \\\"infrastructure\\\": 3, \\\"enws\\\": 1, \\\"what's\\\": 3, \\\"funeral\\\": 1, \\\"\\\\u2018internet\\\\u2019\\\": 1, \\\"\\\\u201d\\\": 2, \\\"envision\\\": 2, \\\"hype\\\": 2, \\\"wealthy\\\": 2, \\\"fee\\\": 2, \\\"impresse\\\": 2, \\\"\\\\u201cscalability\\\": 2, \\\"small\\\": 2, \\\"forgive\\\": 2, \\\"overprice\\\": 2, \\\"gas\\\": 4, \\\"neither\\\": 2, \\\"caters\\\": 2, \\\"yuga\\\": 2, \\\"remine\\\": 2, \\\"easy\\\": 2, \\\"seem\\\": 2, \\\"learnt\\\": 2, \\\"lab\\\": 2, \\\"mint\\\": 8, \\\"stuying\\\": 2, \\\"pivot\\\": 2, \\\"bran\\\": 6, \\\"everything\\\": 4, \\\"either\\\": 2, \\\"mistakes\\\": 2, \\\"amazon\\\": 4, \\\"iversify\\\": 2, \\\"gone\\\": 4, \\\"finest\\\": 2, \\\"baba\\\": 2, \\\"farm\\\": 2, \\\"munger\\\": 2, \\\"bet\\\": 6, \\\"investment\\\": 2, \\\"zuckerberg\\\": 10, \\\"billion\\\": 4, \\\"buffett\\\": 2, \\\"lost\\\": 2, \\\"rivian\\\": 2, \\\"losing\\\": 2, \\\"single\\\": 4, \\\"airlines\\\": 2, \\\"\\\\ud83d\\\\ude4fnamaste\\\": 2, \\\"calle\\\": 2, \\\"foot\\\": 2, \\\"whoa\\\": 2, \\\"royal\\\": 2, \\\"persona\\\": 2, \\\"palace\\\": 2, \\\"bit\\\": 2, \\\"giggling\\\": 2, \\\"mark\\\": 10, \\\"hopefully\\\": 2, \\\"i\\\\u2019m\\\": 6, \\\"hometown\\\": 2, \\\"foo\\\": 2, \\\"ei\\\": 2, \\\"eff\\\": 2, \\\"culture\\\": 2, \\\"gosh\\\": 2, \\\"mainstream\\\": 2, \\\"keep\\\": 4, \\\"umbass\\\": 2, \\\"back\\\": 4, \\\"smile\\\": 2, \\\"means\\\": 2, \\\"venture\\\": 2, \\\"sit\\\": 6, \\\"zuckerburg\\\": 2, \\\"raining\\\": 2, \\\"try\\\": 6, \\\"methos\\\": 2, \\\"financialize\\\": 2, \\\"billionaire\\\": 2, \\\"gamer\\\": 2, \\\"bros\\\": 2, \\\"touch\\\": 6, \\\"pretentious\\\": 2, \\\"increibly\\\": 2, \\\"jerk\\\": 2, \\\"appeal\\\": 2, \\\"artificially\\\": 4, \\\"sale\\\": 4, \\\"squatting\\\": 2, \\\"omains\\\": 2, \\\"restricting\\\": 2, \\\"w3\\\": 2, \\\"oesn't\\\": 2, \\\"number\\\": 4, \\\"central\\\": 2, \\\"com\\\": 2, \\\"approach\\\": 2, \\\"w2\\\": 2, \\\"composability\\\": 2, \\\"supply\\\": 2, \\\"similar\\\": 2, \\\"authority\\\": 2, \\\"harest\\\": 4, \\\"patience\\\": 2, \\\"stuff\\\": 6, \\\"journey\\\": 2, \\\"extremes\\\": 2, \\\"company\\\": 6, \\\"we've\\\": 2, \\\"scenery\\\": 2, \\\"taking\\\": 2, \\\"communicating\\\": 2, \\\"sa\\\": 2, \\\"wanering\\\": 2, \\\"yet\\\": 6, \\\"phones\\\": 2, \\\"automotive\\\": 2, \\\"mclaren\\\": 2, \\\"for\\\": 4, \\\"strategy\\\": 2, \\\"ambition\\\": 4, \\\"chapter\\\": 2, \\\"strategize\\\": 2, \\\"leaership\\\": 2, \\\"claim\\\": 2, \\\"meta\\\": 6, \\\"b2b\\\": 2, \\\"aopting\\\": 2, \\\"seekers\\\": 2, \\\"showroom\\\": 2, \\\"consumers\\\": 2, \\\"store\\\": 4, \\\"early\\\": 6, \\\"rawn\\\": 2, \\\"curiosity\\\": 2, \\\"though\\\": 2, \\\"hang\\\": 2, \\\"later\\\": 2, \\\"gaget\\\": 2, \\\"avice\\\": 2, \\\"secon\\\": 2, \\\"kinf\\\": 2, \\\"\\\\ud83d\\\\udc51\\\": 2, \\\"jesus\\\": 2, \\\"gat\\\": 2, \\\"promote\\\": 2, \\\"whatever\\\": 2, \\\"facts\\\": 2, \\\"fp\\\": 2, \\\"ruler\\\": 2, \\\"ba\\\": 6, \\\"prj\\\": 2, \\\"rocket\\\": 2, \\\"330mil\\\\u2026\\\": 2, \\\"rn\\\": 2, \\\"ambitious\\\": 2, \\\"ahea\\\": 2, \\\"reinvest\\\": 2, \\\"\\\\ud83e\\\\udd23\\\": 2, \\\"mf\\\": 2, \\\"inferno\\\": 2, \\\"e\\\": 2, \\\"actually\\\": 4, \\\"withstan\\\": 2, \\\"31k\\\": 2, \\\"carano\\\": 4, \\\"contract\\\": 2, \\\"othersiemeta\\\": 8, \\\"smart\\\": 2, \\\"claymates\\\": 2, \\\"misse\\\": 2, \\\"cheap\\\": 4, \\\"gets\\\": 2, \\\"fees\\\": 2, \\\"proven\\\": 2, \\\"congestion\\\": 2, \\\"aimlessly\\\": 2, \\\"matters\\\": 2, \\\"rtfkt\\\": 2, \\\"om\\\": 4, \\\"unless\\\": 2, \\\"everywhere\\\": 2, \\\"misconception\\\": 2, \\\"teleport\\\": 2, \\\"location\\\": 2, \\\"common\\\": 2, \\\"po\\\": 2, \\\"simply\\\": 2, \\\"inten\\\": 2, \\\"thesanboxgame\\\": 4, \\\"estination\\\": 2, \\\"fix\\\": 2, \\\"matrix\\\": 2, \\\"callas\\\": 2, \\\"bob\\\": 4, \\\"bayc\\\": 6, \\\"henrix\\\": 2, \\\"a\\\": 4, \\\"jimmy\\\": 2, \\\"pay\\\": 2, \\\"ross\\\": 2, \\\"000\\\": 6, \\\"irl\\\": 2, \\\"maria\\\": 2, \\\"rolex\\\": 2, \\\"ap\\\": 2, \\\"guitar\\\": 2, \\\"40\\\": 2, \\\"owne\\\": 2, \\\"as\\\": 4, \\\"collectable\\\": 2, \\\"painting\\\": 2, \\\"penguin\\\": 4, \\\"metronome\\\": 2, \\\"srv\\\": 2, \\\"rather\\\": 6, \\\"pugy\\\": 2, \\\"estate\\\": 4, \\\"sol\\\": 2, \\\"245\\\": 2, \\\"othersie\\\": 8, \\\"launching\\\": 2, \\\"worth\\\": 2, \\\"collapse\\\": 2, \\\"shite\\\": 2, \\\"pile\\\": 2, \\\"cnn\\\": 2, \\\"zuckerberg's\\\": 2, \\\"chairman\\\": 2, \\\"wars\\\": 2, \\\"hollywoo\\\": 2, \\\"shape\\\": 2, \\\"star\\\": 2, \\\"stuios\\\": 2, \\\"begin\\\": 4, \\\"speaks\\\": 2, \\\"galaxy's\\\": 2, \\\"isney\\\": 2, \\\"28\\\": 2, \\\"2019\\\": 2, \\\"ceremony\\\": 2, \\\"ege\\\": 2, \\\"worl's\\\": 2, \\\"walt\\\": 2, \\\"eication\\\": 2, \\\"aily\\\": 4, \\\"chapek\\\": 2, \\\"aug\\\": 2, \\\"gamefi\\\": 2, \\\"io\\\": 2, \\\"nextverse\\\": 2, \\\"0\\\": 4, \\\"29\\\": 2, \\\"april\\\": 4, \\\"oriente\\\": 2, \\\"rekite\\\": 2, \\\"network\\\": 2, \\\"firm\\\": 2, \\\"gem\\\": 2, \\\"heagear\\\": 2, \\\"jewellery\\\": 2, \\\"travel\\\": 2, \\\"renition\\\": 2, \\\"content\\\": 2, \\\"automobile\\\": 2, \\\"talking\\\": 4, \\\"2017\\\": 2, \\\"introucing\\\": 2, \\\"stop\\\": 2, \\\"instea\\\": 4, \\\"chat\\\": 4, \\\"cpsavesoil\\\": 2, \\\"fascinate\\\": 2, \\\"amawithsahguru\\\": 2, \\\"sahguru\\\": 2, \\\"sahgurujv\\\": 2, \\\"namaskaram\\\": 2, \\\"savesoil\\\": 2, \\\"sims\\\": 4, \\\"curious\\\": 2, \\\"\\\\u201cgo\\\\u201d\\\": 2, \\\"weir\\\": 4, \\\"clunky\\\": 2, \\\"realise\\\": 2, \\\"vaporwave\\\": 2, \\\"minless\\\": 2, \\\"scam\\\": 4, \\\"vapourware\\\": 2, \\\"usp\\\": 2, \\\"brain\\\": 4, \\\"icos\\\": 2, \\\"prop\\\": 2, \\\"thrown\\\": 2, \\\"boomer\\\": 2, \\\"sales\\\": 2, \\\"casino\\\": 2, \\\"\\\\ud83e\\\\udd14\\\": 2, \\\"plunge\\\": 2, \\\"gotta\\\": 2, \\\"holiays\\\": 2, \\\"spening\\\": 2, \\\"tool\\\": 4, \\\"unreal\\\": 2, \\\"efinitely\\\": 2, \\\"fair\\\": 2, \\\"care\\\": 4, \\\"ont\\\": 4, \\\"inonesia\\\": 2, \\\"cycle\\\": 2, \\\"bull\\\": 2, \\\"era\\\": 4, \\\"lifetimes\\\": 2, \\\"two\\\": 2, \\\"simultaneously\\\": 2, \\\"experiencing\\\": 2, \\\"meia\\\": 6, \\\"completely\\\": 4, \\\"centre\\\": 2, \\\"shift\\\": 4, \\\"convince\\\": 2, \\\"99\\\": 2, \\\"yugalabs\\\": 4, \\\"thought\\\": 6, \\\"long\\\": 6, \\\"purpose\\\": 4, \\\"01\\\": 2, \\\"scarce\\\": 2, \\\"serf\\\": 2, \\\"ill\\\": 2, \\\"grab\\\": 2, \\\"run\\\": 2, \\\"borering\\\": 2, \\\"9\\\": 2, \\\"typically\\\": 2, \\\"kill\\\": 2, \\\"out\\\": 4, \\\"cash\\\": 2, \\\"happen\\\": 2, \\\"punk\\\": 2, \\\"punks\\\": 2, \\\"embrace\\\": 2, \\\"tesla\\\": 2, \\\"buffet\\\": 2, \\\"spacex\\\": 2, \\\"elonmusk\\\": 2, \\\"on\\\": 2, \\\"warren\\\": 2, \\\"launch\\\": 4, \\\"possibility\\\": 6, \\\"unelegant\\\": 2, \\\"enless\\\": 2, \\\"warcraft\\\": 2, \\\"filmmaker\\\": 2, \\\"narrative\\\": 4, \\\"2022\\\": 8, \\\"vast\\\": 2, \\\"30\\\": 4, \\\"08\\\": 2, \\\"entertainment\\\": 4, \\\"\\\\u2014\\\": 2, \\\"using\\\": 8, \\\"avatars\\\": 2, \\\"alike\\\": 2, \\\"00am\\\": 2, \\\"by\\\": 2, \\\"\\\\u2026\\\": 2, \\\"recognize\\\": 2, \\\"filmmaking\\\": 2, \\\"jenna\\\": 2, \\\"trope\\\": 2, \\\"socialize\\\": 4, \\\"benchetrit\\\": 2, \\\"emystifying\\\": 2, \\\"imperative\\\": 2, \\\"business\\\": 4, \\\"showing\\\": 2, \\\"kina\\\": 2, \\\"sketchy\\\": 2, \\\"\\\\ud83d\\\\ude11\\\": 2, \\\"late\\\": 2, \\\"on\\\\u2019t\\\": 4, \\\"\\\\u2665\\\\ufe0f\\\": 2, \\\"riiculous\\\": 2, \\\"folk\\\": 2, \\\"community\\\": 4, \\\"certain\\\": 2, \\\"focuse\\\": 4, \\\"tweet\\\": 2, \\\"extremely\\\": 2, \\\"punk6529\\\": 2, \\\"that\\\\u2019s\\\": 6, \\\"tonight\\\": 2, \\\"grateful\\\": 2, \\\"ecentralization\\\": 2, \\\"lea\\\": 2, \\\"mfers\\\": 2, \\\"ee\\\": 4, \\\"uty\\\": 2, \\\"we\\\\u2019re\\\": 6, \\\"egenix\\\": 2, \\\"yooo\\\": 2, \\\"neighbors\\\": 2, \\\"claime\\\": 2, \\\"rfox\\\": 2, \\\"generational\\\": 2, \\\"rest\\\": 2, \\\"vfox\\\": 2, \\\"wealth\\\": 2, \\\"utter\\\": 2, \\\"ogshit\\\": 2, \\\"seen\\\": 4, \\\"proucts\\\": 2, \\\"meta's\\\": 2, \\\"lure\\\": 2, \\\"here's\\\": 2, \\\"12\\\": 2, \\\"lame\\\": 4, \\\"true\\\": 2, \\\"fork\\\": 2, \\\"club\\\": 2, \\\"manage\\\": 2, \\\"token\\\": 4, \\\"auction\\\": 2, \\\"tq\\\": 2, \\\"noticing\\\": 2, \\\"unervalue\\\": 2, \\\"\\\\ud83d\\\\ude22\\\": 2, \\\"absur\\\": 2, \\\"this\\\": 4, \\\"gather\\\": 2, \\\"bench\\\": 2, \\\"floria\\\": 2, \\\"example\\\": 2, \\\"hype'\\\": 2, \\\"launch'\\\": 2, \\\"'most\\\": 2, \\\"'pre\\\": 2, \\\"raising'\\\": 2, \\\"became\\\": 2, \\\"race\\\": 2, \\\"rent\\\": 2, \\\"officially\\\": 4, \\\"bitch\\\": 2, \\\"lanlor\\\": 4, \\\"monkey's\\\": 2, \\\"basic\\\": 2, \\\"version\\\": 2, \\\"souns\\\": 4, \\\"internalize\\\": 2, \\\"ream\\\": 4, \\\"shook\\\\u2026\\\": 2, \\\"tho\\\": 2, \\\"neuralink\\\": 2, \\\"inception\\\": 2, \\\"insie\\\": 2, \\\"turn\\\": 2, \\\"require\\\": 2, \\\"unpopular\\\": 2, \\\"running\\\": 4, \\\"burger\\\": 2, \\\"\\\\ud83d\\\\ude29\\\\ud83d\\\\ude29\\\": 2, \\\"\\\\ud83e\\\\udd0d\\\\ud83e\\\\udd0d\\\\ud83e\\\\udd0d\\\": 2, \\\"fall\\\": 2, \\\"runescape\\\": 2, \\\"otherees\\\": 2, \\\"main\\\": 2, \\\"similarity\\\": 2, \\\"unlike\\\": 2, \\\"personal\\\": 2, \\\"relationship\\\": 2, \\\"ners\\\": 2, \\\"absolutely\\\": 2, \\\"organize\\\": 2, \\\"slaying\\\": 2, \\\"\\\\ud83d\\\\udcaa\\\": 2, \\\"upates\\\": 2, \\\"prou\\\": 2, \\\"hq\\\": 2, \\\"voice\\\": 2, \\\"jurassic\\\": 2, \\\"tok\\\": 2, \\\"perhaps\\\": 2, \\\"change\\\": 4, \\\"tire\\\": 2, \\\"ppl\\\": 2, \\\"emerge\\\": 2, \\\"truth\\\": 2, \\\"tik\\\": 2, \\\"ollar\\\": 2, \\\"oesnt\\\": 2, \\\"google\\\": 2, \\\"foun\\\": 2, \\\"yall\\\": 4, \\\"exist\\\": 2, \\\"profile\\\": 2, \\\"collect\\\": 2, \\\"multi\\\": 2, \\\"follower\\\": 2, \\\"translating\\\": 2, \\\"theyre\\\": 2, \\\"theory\\\": 2, \\\"conspiracy\\\": 2, \\\"killing\\\": 2, \\\"site\\\": 2, \\\"saturay\\\": 2, \\\"normie\\\": 2, \\\"alcoholic\\\": 2, \\\"plan\\\": 2, \\\"canceling\\\": 2, \\\"0x95b23a7f69a254b6c4006f2eccb4abc3bc2589\\\": 2, \\\"wallet\\\": 2, \\\"capacity\\\": 2, \\\"accomplish\\\": 2, \\\"everyay\\\": 2, \\\"utility\\\": 2, \\\"person\\\": 2, \\\"ifficult\\\": 2, \\\"facebook's\\\": 4, \\\"ifferentiate\\\": 2, \\\"fi\\\": 2, \\\"stay\\\": 4, \\\"2025\\\": 2, \\\"oa\\\": 2, \\\"mechanic\\\": 2, \\\"brooklyn\\\": 2, \\\"renering\\\": 2, \\\"match\\\": 2, \\\"luci\\\": 2, \\\"graphically\\\": 2, \\\"unlimite\\\": 2, \\\"representation\\\": 2, \\\"irect\\\": 2, \\\"stimulation\\\": 2, \\\"'normal'\\\": 2, \\\"customizable\\\": 2, \\\"close\\\": 2, \\\"leaing\\\": 2, \\\"qanon\\\": 2, \\\"mom\\\": 2, \\\"transitioning\\\": 2, \\\"obvious\\\": 2, \\\"nakemeta\\\": 2, \\\"bahahahahhahahahhaha\\\": 2, \\\"clothing\\\": 2, \\\"expensive\\\": 2, \\\"eucational\\\": 2, \\\"fronts\\\": 2, \\\"accessible\\\": 2, \\\"thru\\\": 2, \\\"malls\\\": 2, \\\"center\\\": 2, \\\"rave\\\": 2, \\\"zuck\\\": 2, \\\"collective\\\": 4, \\\"k\\\": 2, \\\"cinnamonvector\\\": 2, \\\"reinventing\\\": 2, \\\"rone\\\": 2, \\\"listen\\\": 2, \\\"wheel\\\": 2, \\\"meiterranean\\\": 2, \\\"boring\\\": 2, \\\"forever\\\": 2, \\\"places\\\": 2, \\\"corporate\\\": 2, \\\"suppose\\\": 2, \\\"except\\\": 2, \\\"hilton\\\": 2, \\\"queen\\\": 2, \\\"name\\\": 2, \\\"paris\\\": 2, \\\"noboy\\\": 2, \\\"asshole\\\": 2, \\\"han\\\": 2, \\\"\\\\ud83d\\\\ude21\\\": 2, \\\"motion\\\": 2, \\\"\\\\ud83d\\\\udc49\\\\ud83c\\\\udffd\\\\ud83d\\\\udc4c\\\\ud83c\\\\udffdin\\\": 2, \\\"lay\\\": 2, \\\"\\\\u2018metaverse\\\\u2019\\\": 2, \\\"aa\\\": 2, \\\"gta\\\": 2, \\\"isn\\\\u2019t\\\": 2, \\\"mazerunner\\\": 2, \\\"q\\\": 2, \\\"hermes\\\": 2, \\\"communication\\\": 2, \\\"remains\\\": 2, \\\"craftsmanship\\\": 2, \\\"birkin\\\": 2, \\\"communicate\\\": 2, \\\"consiers\\\": 2, \\\"although\\\": 2, \\\"optimize\\\": 2, \\\"massive\\\": 2, \\\"progressive\\\": 2, \\\"however\\\": 2, \\\"paraigm\\\": 2, \\\"proof\\\": 2, \\\"class\\\": 2, \\\"maturing\\\": 2, \\\"forget\\\": 2, \\\"rich\\\": 4, \\\"woner\\\": 2, \\\"society\\\": 2, \\\"lives\\\": 2, \\\"normal\\\": 2, \\\"we'll\\\": 2, \\\"hologram\\\": 2, \\\"trees\\\": 2, \\\"grass\\\": 2, \\\"generation\\\": 2, \\\"af\\\": 2, \\\"evice\\\": 2, \\\"unhook\\\": 2, \\\"satisfaction\\\": 2, \\\"vieo\\\": 2, \\\"often\\\": 2, \\\"movie\\\": 2, \\\"chatting\\\": 2, \\\"whether\\\": 2, \\\"opamine\\\": 2, \\\"watching\\\": 2, \\\"cheating\\\": 2, \\\"aopte\\\": 2, \\\"raping\\\": 2, \\\"sexually\\\": 2, \\\"they\\\\u2019re\\\": 2, \\\"assaulting\\\": 2, \\\"bigger\\\": 2, \\\"baron\\\": 2, \\\"critical\\\": 2, \\\"but\\\\u2014alreay\\\": 2, \\\"attention\\\": 2, \\\"sorry\\\": 2, \\\"spatial\\\": 2, \\\"is\\\\u2014temporal\\\": 2, \\\"ancers\\\": 2, \\\"imma\\\": 2, \\\"\\\\ud83d\\\\ude02\\\": 2, \\\"reucing\\\": 2, \\\"\\\\u201cmetaverse\\\\u201d\\\": 6, \\\"crime\\\": 2, \\\"therefore\\\": 2, \\\"covi\\\": 2, \\\"home\\\": 2, \\\"lock\\\": 2, \\\"footprint\\\": 2, \\\"control\\\": 2, \\\"wanting\\\": 2, \\\"enter\\\": 2, \\\"fear\\\": 2, \\\"sticking\\\": 2, \\\"gamers\\\": 2, \\\"giant\\\": 2, \\\"entire\\\": 2, \\\"\\\\ud83d\\\\udcaf\\\": 2, \\\"ask\\\": 2, \\\"panel\\\": 2, \\\"faker\\\": 2, \\\"they\\\": 2, \\\"app\\\": 2, \\\"pls\\\": 2, \\\"b\\\": 2, \\\"remin\\\": 2, \\\"fr\\\": 2, \\\"shoe\\\": 2, \\\"sleep\\\": 2, \\\"akira\\\\u2019s\\\": 2, \\\"pointe\\\": 2, \\\"amaze\\\": 2, \\\"aictive\\\": 2, \\\"cease\\\": 2, \\\"nftcommunity\\\": 2, \\\"exciting\\\": 2, \\\"seriously\\\": 2, \\\"sheeesh\\\": 2, \\\"whole\\\": 2, \\\"evelopment\\\": 2, \\\"san\\\": 2, \\\"2037\\\": 2, \\\"favor\\\": 2, \\\"\\\\u26a1\\\\ufe0f\\\": 2, \\\"vibration\\\": 2, \\\"hub\\\": 2, \\\"woahh\\\": 2, \\\"matterverse\\\": 2, \\\"physically\\\": 2, \\\"enhance\\\": 2, \\\"persistent\\\": 2, \\\"convergence\\\": 2, \\\"incluing\\\": 2, \\\"sum\\\": 2, \\\"likely\\\": 2, \\\"scary\\\": 2, \\\"verse\\\": 2, \\\"sucks\\\": 2, \\\"complete\\\": 2, \\\"aj\\\": 2, \\\"mol\\\": 2, \\\"cage\\\": 2, \\\"limitation\\\": 2, \\\"rule\\\": 2, \\\"physic\\\": 2, \\\"lie\\\": 2, \\\"provemewrong\\\": 2, \\\"scheme\\\": 2, \\\"pyrami\\\": 2, \\\"parcel\\\": 2, \\\"regret\\\": 2, \\\"\\\\ud83d\\\\ude09\\\": 2, \\\"greatest\\\": 2, \\\"5years\\\": 2, \\\"ago\\\": 2, \\\"unerneath\\\": 2, \\\"largest\\\": 2, \\\"move\\\": 2, \\\"layer\\\": 2, \\\"win\\\": 2, \\\"fire\\\": 2, \\\"cringing\\\": 2, \\\"imo\\\": 2, \\\"\\\\u26a1\\\\ufe0f\\\\u26a1\\\\ufe0f\\\\u26a1\\\\ufe0f\\\": 2, \\\"champions\\\": 2, \\\"heck\\\": 2}\", \"index_docs\": \"{\\\"1167\\\": 1, \\\"7\\\": 24, \\\"54\\\": 10, \\\"1173\\\": 1, \\\"1170\\\": 1, \\\"364\\\": 3, \\\"1160\\\": 1, \\\"193\\\": 4, \\\"1172\\\": 1, \\\"1166\\\": 1, \\\"1162\\\": 1, \\\"365\\\": 3, \\\"145\\\": 4, \\\"1165\\\": 1, \\\"484\\\": 2, \\\"1159\\\": 1, \\\"1168\\\": 1, \\\"1164\\\": 1, \\\"1161\\\": 1, \\\"1169\\\": 1, \\\"8\\\": 25, \\\"1171\\\": 1, \\\"1\\\": 456, \\\"1163\\\": 1, \\\"1158\\\": 1, \\\"254\\\": 4, \\\"252\\\": 4, \\\"1179\\\": 1, \\\"146\\\": 6, \\\"21\\\": 19, \\\"1174\\\": 1, \\\"1176\\\": 1, \\\"119\\\": 7, \\\"89\\\": 8, \\\"366\\\": 3, \\\"486\\\": 2, \\\"1181\\\": 1, \\\"485\\\": 2, \\\"1175\\\": 1, \\\"62\\\": 10, \\\"1177\\\": 1, \\\"1180\\\": 1, \\\"10\\\": 21, \\\"1178\\\": 1, \\\"253\\\": 4, \\\"1182\\\": 1, \\\"9\\\": 25, \\\"487\\\": 2, \\\"147\\\": 6, \\\"1184\\\": 1, \\\"1185\\\": 1, \\\"488\\\": 1, \\\"1183\\\": 1, \\\"194\\\": 5, \\\"149\\\": 1, \\\"46\\\": 9, \\\"369\\\": 3, \\\"1188\\\": 1, \\\"1189\\\": 1, \\\"1187\\\": 1, \\\"370\\\": 3, \\\"491\\\": 2, \\\"148\\\": 6, \\\"35\\\": 12, \\\"47\\\": 12, \\\"1191\\\": 1, \\\"489\\\": 1, \\\"367\\\": 3, \\\"1186\\\": 1, \\\"490\\\": 1, \\\"1190\\\": 1, \\\"368\\\": 3, \\\"372\\\": 3, \\\"371\\\": 3, \\\"374\\\": 3, \\\"37\\\": 14, \\\"375\\\": 3, \\\"1197\\\": 1, \\\"255\\\": 4, \\\"36\\\": 14, \\\"1196\\\": 1, \\\"1194\\\": 1, \\\"256\\\": 4, \\\"1193\\\": 1, \\\"1192\\\": 1, \\\"373\\\": 3, \\\"74\\\": 9, \\\"1195\\\": 1, \\\"1198\\\": 1, \\\"376\\\": 3, \\\"3\\\": 49, \\\"195\\\": 5, \\\"196\\\": 5, \\\"377\\\": 3, \\\"257\\\": 4, \\\"259\\\": 4, \\\"1203\\\": 1, \\\"378\\\": 1, \\\"38\\\": 14, \\\"379\\\": 3, \\\"63\\\": 7, \\\"1205\\\": 1, \\\"1202\\\": 1, \\\"55\\\": 9, \\\"4\\\": 38, \\\"1200\\\": 1, \\\"1201\\\": 1, \\\"198\\\": 5, \\\"258\\\": 4, \\\"1199\\\": 1, \\\"492\\\": 2, \\\"197\\\": 5, \\\"120\\\": 5, \\\"1204\\\": 1, \\\"1206\\\": 1, \\\"48\\\": 12, \\\"1207\\\": 1, \\\"494\\\": 2, \\\"32\\\": 12, \\\"380\\\": 3, \\\"260\\\": 4, \\\"493\\\": 2, \\\"495\\\": 1, \\\"1208\\\": 1, \\\"1209\\\": 1, \\\"1213\\\": 1, \\\"1217\\\": 1, \\\"1212\\\": 1, \\\"1218\\\": 1, \\\"1220\\\": 1, \\\"56\\\": 10, \\\"1210\\\": 1, \\\"1225\\\": 1, \\\"1224\\\": 1, \\\"1214\\\": 1, \\\"1216\\\": 1, \\\"1219\\\": 1, \\\"150\\\": 6, \\\"1222\\\": 1, \\\"75\\\": 9, \\\"1211\\\": 1, \\\"1223\\\": 1, \\\"1221\\\": 1, \\\"1215\\\": 1, \\\"39\\\": 12, \\\"1230\\\": 1, \\\"1233\\\": 1, \\\"1229\\\": 1, \\\"90\\\": 8, \\\"1231\\\": 1, \\\"1232\\\": 1, \\\"76\\\": 8, \\\"381\\\": 3, \\\"1228\\\": 1, \\\"496\\\": 2, \\\"1226\\\": 1, \\\"1227\\\": 1, \\\"151\\\": 6, \\\"1234\\\": 1, \\\"1236\\\": 1, \\\"497\\\": 2, \\\"1235\\\": 1, \\\"382\\\": 3, \\\"383\\\": 3, \\\"199\\\": 5, \\\"122\\\": 7, \\\"384\\\": 3, \\\"1239\\\": 1, \\\"1237\\\": 1, \\\"1241\\\": 1, \\\"1240\\\": 1, \\\"121\\\": 7, \\\"200\\\": 5, \\\"1238\\\": 1, \\\"1242\\\": 1, \\\"1244\\\": 1, \\\"1249\\\": 1, \\\"1243\\\": 1, \\\"1245\\\": 1, \\\"1248\\\": 1, \\\"123\\\": 7, \\\"201\\\": 5, \\\"1246\\\": 1, \\\"1247\\\": 1, \\\"498\\\": 2, \\\"18\\\": 14, \\\"1252\\\": 1, \\\"26\\\": 13, \\\"124\\\": 7, \\\"499\\\": 2, \\\"1253\\\": 1, \\\"261\\\": 4, \\\"22\\\": 17, \\\"1250\\\": 1, \\\"1254\\\": 1, \\\"1251\\\": 1, \\\"262\\\": 3, \\\"5\\\": 31, \\\"2\\\": 49, \\\"263\\\": 4, \\\"1255\\\": 1, \\\"1256\\\": 1, \\\"125\\\": 7, \\\"1264\\\": 1, \\\"1262\\\": 1, \\\"57\\\": 11, \\\"500\\\": 2, \\\"23\\\": 16, \\\"1257\\\": 1, \\\"1260\\\": 1, \\\"1258\\\": 1, \\\"203\\\": 5, \\\"1261\\\": 1, \\\"152\\\": 6, \\\"264\\\": 2, \\\"1263\\\": 1, \\\"1259\\\": 1, \\\"27\\\": 17, \\\"49\\\": 10, \\\"64\\\": 10, \\\"202\\\": 4, \\\"1272\\\": 1, \\\"1266\\\": 1, \\\"387\\\": 3, \\\"1267\\\": 1, \\\"77\\\": 9, \\\"1269\\\": 1, \\\"1274\\\": 1, \\\"1275\\\": 1, \\\"204\\\": 4, \\\"1268\\\": 1, \\\"1265\\\": 1, \\\"386\\\": 3, \\\"265\\\": 4, \\\"388\\\": 3, \\\"1271\\\": 1, \\\"385\\\": 3, \\\"1270\\\": 1, \\\"1273\\\": 1, \\\"501\\\": 2, \\\"28\\\": 15, \\\"1276\\\": 1, \\\"1281\\\": 1, \\\"205\\\": 5, \\\"1279\\\": 1, \\\"1282\\\": 1, \\\"206\\\": 5, \\\"6\\\": 28, \\\"266\\\": 4, \\\"389\\\": 3, \\\"33\\\": 14, \\\"1277\\\": 1, \\\"11\\\": 23, \\\"1278\\\": 1, \\\"1280\\\": 1, \\\"19\\\": 17, \\\"503\\\": 2, \\\"502\\\": 2, \\\"1289\\\": 1, \\\"1283\\\": 1, \\\"390\\\": 3, \\\"1284\\\": 1, \\\"1291\\\": 1, \\\"268\\\": 4, \\\"1285\\\": 1, \\\"1290\\\": 1, \\\"504\\\": 2, \\\"207\\\": 5, \\\"1287\\\": 1, \\\"506\\\": 2, \\\"505\\\": 1, \\\"267\\\": 4, \\\"1286\\\": 1, \\\"126\\\": 7, \\\"1288\\\": 1, \\\"208\\\": 5, \\\"1292\\\": 1, \\\"1295\\\": 1, \\\"1297\\\": 1, \\\"15\\\": 16, \\\"1299\\\": 1, \\\"1294\\\": 1, \\\"1298\\\": 1, \\\"391\\\": 3, \\\"1300\\\": 1, \\\"1293\\\": 1, \\\"1296\\\": 1, \\\"1301\\\": 1, \\\"40\\\": 14, \\\"1302\\\": 1, \\\"209\\\": 5, \\\"1303\\\": 1, \\\"394\\\": 3, \\\"507\\\": 2, \\\"393\\\": 3, \\\"1309\\\": 1, \\\"210\\\": 5, \\\"127\\\": 7, \\\"1308\\\": 1, \\\"34\\\": 13, \\\"211\\\": 5, \\\"392\\\": 3, \\\"1306\\\": 1, \\\"1307\\\": 1, \\\"1305\\\": 1, \\\"1304\\\": 1, \\\"1310\\\": 1, \\\"1311\\\": 1, \\\"395\\\": 3, \\\"128\\\": 6, \\\"1314\\\": 1, \\\"508\\\": 2, \\\"212\\\": 5, \\\"397\\\": 3, \\\"1318\\\": 1, \\\"510\\\": 2, \\\"1316\\\": 1, \\\"1313\\\": 1, \\\"269\\\": 4, \\\"396\\\": 3, \\\"1315\\\": 1, \\\"509\\\": 2, \\\"214\\\": 3, \\\"1312\\\": 1, \\\"1317\\\": 1, \\\"213\\\": 5, \\\"1321\\\": 1, \\\"91\\\": 8, \\\"1320\\\": 1, \\\"29\\\": 15, \\\"1319\\\": 1, \\\"78\\\": 8, \\\"1325\\\": 1, \\\"1333\\\": 1, \\\"1326\\\": 1, \\\"1327\\\": 1, \\\"512\\\": 1, \\\"1328\\\": 1, \\\"1322\\\": 1, \\\"215\\\": 5, \\\"398\\\": 3, \\\"511\\\": 2, \\\"1335\\\": 1, \\\"513\\\": 2, \\\"1334\\\": 1, \\\"1331\\\": 1, \\\"43\\\": 13, \\\"1329\\\": 1, \\\"1323\\\": 1, \\\"1332\\\": 1, \\\"1324\\\": 1, \\\"1330\\\": 1, \\\"400\\\": 3, \\\"399\\\": 3, \\\"270\\\": 4, \\\"1336\\\": 1, \\\"271\\\": 3, \\\"401\\\": 2, \\\"1348\\\": 1, \\\"1343\\\": 1, \\\"92\\\": 8, \\\"1345\\\": 1, \\\"1350\\\": 1, \\\"514\\\": 2, \\\"1340\\\": 1, \\\"1339\\\": 1, \\\"1344\\\": 1, \\\"1337\\\": 1, \\\"1338\\\": 1, \\\"273\\\": 4, \\\"79\\\": 9, \\\"1351\\\": 1, \\\"402\\\": 3, \\\"58\\\": 10, \\\"129\\\": 7, \\\"1347\\\": 1, \\\"1349\\\": 1, \\\"1346\\\": 1, \\\"216\\\": 5, \\\"1341\\\": 1, \\\"1342\\\": 1, \\\"272\\\": 4, \\\"130\\\": 7, \\\"1353\\\": 1, \\\"1352\\\": 1, \\\"1355\\\": 1, \\\"515\\\": 2, \\\"406\\\": 2, \\\"1356\\\": 1, \\\"131\\\": 6, \\\"408\\\": 3, \\\"1361\\\": 1, \\\"1357\\\": 1, \\\"13\\\": 16, \\\"20\\\": 19, \\\"403\\\": 3, \\\"1354\\\": 1, \\\"1358\\\": 1, \\\"217\\\": 5, \\\"407\\\": 3, \\\"93\\\": 8, \\\"1360\\\": 1, \\\"404\\\": 3, \\\"80\\\": 8, \\\"405\\\": 3, \\\"153\\\": 6, \\\"1359\\\": 1, \\\"516\\\": 2, \\\"1372\\\": 1, \\\"221\\\": 5, \\\"1367\\\": 1, \\\"1362\\\": 1, \\\"1364\\\": 1, \\\"1374\\\": 1, \\\"1368\\\": 1, \\\"218\\\": 4, \\\"1369\\\": 1, \\\"1366\\\": 1, \\\"1373\\\": 1, \\\"219\\\": 2, \\\"220\\\": 5, \\\"222\\\": 5, \\\"41\\\": 14, \\\"1370\\\": 1, \\\"1363\\\": 1, \\\"518\\\": 2, \\\"1365\\\": 1, \\\"517\\\": 2, \\\"409\\\": 3, \\\"1371\\\": 1, \\\"410\\\": 1, \\\"1377\\\": 1, \\\"411\\\": 3, \\\"1376\\\": 1, \\\"520\\\": 2, \\\"94\\\": 8, \\\"81\\\": 9, \\\"519\\\": 2, \\\"1378\\\": 1, \\\"154\\\": 6, \\\"1375\\\": 1, \\\"16\\\": 21, \\\"95\\\": 6, \\\"14\\\": 20, \\\"65\\\": 10, \\\"1379\\\": 1, \\\"50\\\": 12, \\\"1384\\\": 1, \\\"413\\\": 3, \\\"412\\\": 3, \\\"1386\\\": 1, \\\"24\\\": 18, \\\"1383\\\": 1, \\\"1388\\\": 1, \\\"1380\\\": 1, \\\"1382\\\": 1, \\\"42\\\": 14, \\\"132\\\": 7, \\\"1387\\\": 1, \\\"1385\\\": 1, \\\"274\\\": 4, \\\"1381\\\": 1, \\\"275\\\": 4, \\\"1400\\\": 1, \\\"521\\\": 1, \\\"1396\\\": 1, \\\"1390\\\": 1, \\\"1399\\\": 1, \\\"1392\\\": 1, \\\"1398\\\": 1, \\\"1389\\\": 1, \\\"1393\\\": 1, \\\"1391\\\": 1, \\\"1395\\\": 1, \\\"522\\\": 2, \\\"523\\\": 2, \\\"1397\\\": 1, \\\"1394\\\": 1, \\\"1402\\\": 1, \\\"1401\\\": 1, \\\"414\\\": 3, \\\"96\\\": 8, \\\"1404\\\": 1, \\\"1403\\\": 1, \\\"155\\\": 6, \\\"17\\\": 19, \\\"1405\\\": 1, \\\"276\\\": 4, \\\"1408\\\": 1, \\\"1406\\\": 1, \\\"524\\\": 2, \\\"1407\\\": 1, \\\"415\\\": 3, \\\"1411\\\": 1, \\\"277\\\": 4, \\\"526\\\": 2, \\\"1413\\\": 1, \\\"525\\\": 2, \\\"1410\\\": 1, \\\"1409\\\": 1, \\\"1412\\\": 1, \\\"1419\\\": 1, \\\"1418\\\": 1, \\\"1414\\\": 1, \\\"1416\\\": 1, \\\"419\\\": 3, \\\"1420\\\": 1, \\\"416\\\": 3, \\\"417\\\": 3, \\\"1415\\\": 1, \\\"1417\\\": 1, \\\"418\\\": 3, \\\"1422\\\": 1, \\\"156\\\": 6, \\\"1423\\\": 1, \\\"133\\\": 7, \\\"1421\\\": 1, \\\"97\\\": 8, \\\"278\\\": 4, \\\"1424\\\": 1, \\\"1429\\\": 1, \\\"527\\\": 2, \\\"420\\\": 3, \\\"223\\\": 5, \\\"1426\\\": 1, \\\"157\\\": 6, \\\"1428\\\": 1, \\\"59\\\": 10, \\\"1425\\\": 1, \\\"1427\\\": 1, \\\"1433\\\": 1, \\\"1439\\\": 1, \\\"1437\\\": 1, \\\"224\\\": 5, \\\"1434\\\": 1, \\\"1440\\\": 1, \\\"158\\\": 4, \\\"1438\\\": 1, \\\"1435\\\": 1, \\\"528\\\": 2, \\\"1432\\\": 1, \\\"1431\\\": 1, \\\"44\\\": 13, \\\"1430\\\": 1, \\\"1436\\\": 1, \\\"1441\\\": 1, \\\"159\\\": 6, \\\"1442\\\": 1, \\\"1451\\\": 1, \\\"421\\\": 3, \\\"1448\\\": 1, \\\"422\\\": 3, \\\"1450\\\": 1, \\\"30\\\": 14, \\\"1447\\\": 1, \\\"1443\\\": 1, \\\"1445\\\": 1, \\\"160\\\": 6, \\\"1444\\\": 1, \\\"1449\\\": 1, \\\"1446\\\": 1, \\\"1453\\\": 1, \\\"1452\\\": 1, \\\"1454\\\": 1, \\\"1461\\\": 1, \\\"1462\\\": 1, \\\"225\\\": 5, \\\"1464\\\": 1, \\\"1456\\\": 1, \\\"99\\\": 6, \\\"161\\\": 6, \\\"1459\\\": 1, \\\"1460\\\": 1, \\\"1458\\\": 1, \\\"423\\\": 3, \\\"51\\\": 12, \\\"1463\\\": 1, \\\"424\\\": 3, \\\"98\\\": 8, \\\"1455\\\": 1, \\\"1457\\\": 1, \\\"82\\\": 9, \\\"1472\\\": 1, \\\"100\\\": 8, \\\"279\\\": 4, \\\"60\\\": 11, \\\"1473\\\": 1, \\\"1469\\\": 1, \\\"1465\\\": 1, \\\"1471\\\": 1, \\\"529\\\": 2, \\\"1467\\\": 1, \\\"1468\\\": 1, \\\"1470\\\": 1, \\\"1466\\\": 1, \\\"1475\\\": 1, \\\"1476\\\": 1, \\\"52\\\": 12, \\\"66\\\": 7, \\\"67\\\": 10, \\\"1478\\\": 1, \\\"1477\\\": 1, \\\"1474\\\": 1, \\\"1479\\\": 1, \\\"162\\\": 6, \\\"1482\\\": 1, \\\"1481\\\": 1, \\\"1480\\\": 1, \\\"531\\\": 1, \\\"1484\\\": 1, \\\"1483\\\": 1, \\\"163\\\": 6, \\\"530\\\": 1, \\\"135\\\": 7, \\\"426\\\": 3, \\\"427\\\": 3, \\\"1489\\\": 1, \\\"1492\\\": 1, \\\"1485\\\": 1, \\\"1488\\\": 1, \\\"1487\\\": 1, \\\"1490\\\": 1, \\\"425\\\": 3, \\\"134\\\": 5, \\\"1491\\\": 1, \\\"1486\\\": 1, \\\"1493\\\": 1, \\\"1495\\\": 1, \\\"532\\\": 1, \\\"428\\\": 3, \\\"1496\\\": 1, \\\"1500\\\": 1, \\\"1497\\\": 1, \\\"1499\\\": 1, \\\"1498\\\": 1, \\\"1494\\\": 1, \\\"1501\\\": 1, \\\"1502\\\": 1, \\\"164\\\": 4, \\\"1506\\\": 1, \\\"533\\\": 1, \\\"429\\\": 3, \\\"1504\\\": 1, \\\"280\\\": 3, \\\"165\\\": 6, \\\"534\\\": 2, \\\"1508\\\": 1, \\\"1509\\\": 1, \\\"1507\\\": 1, \\\"1503\\\": 1, \\\"430\\\": 3, \\\"226\\\": 5, \\\"431\\\": 3, \\\"1505\\\": 1, \\\"53\\\": 12, \\\"1513\\\": 1, \\\"1510\\\": 1, \\\"535\\\": 1, \\\"432\\\": 3, \\\"136\\\": 6, \\\"1511\\\": 1, \\\"281\\\": 4, \\\"1514\\\": 1, \\\"1512\\\": 1, \\\"1515\\\": 1, \\\"433\\\": 3, \\\"1516\\\": 1, \\\"434\\\": 3, \\\"536\\\": 2, \\\"1519\\\": 1, \\\"1518\\\": 1, \\\"1522\\\": 1, \\\"1517\\\": 1, \\\"1521\\\": 1, \\\"1520\\\": 1, \\\"1526\\\": 1, \\\"83\\\": 8, \\\"1524\\\": 1, \\\"1525\\\": 1, \\\"227\\\": 4, \\\"1523\\\": 1, \\\"1528\\\": 1, \\\"1527\\\": 1, \\\"1529\\\": 1, \\\"1530\\\": 1, \\\"25\\\": 16, \\\"68\\\": 7, \\\"1532\\\": 1, \\\"137\\\": 7, \\\"1531\\\": 1, \\\"1533\\\": 1, \\\"537\\\": 2, \\\"228\\\": 5, \\\"229\\\": 5, \\\"69\\\": 10, \\\"1534\\\": 1, \\\"230\\\": 5, \\\"1536\\\": 1, \\\"1538\\\": 1, \\\"231\\\": 5, \\\"1535\\\": 1, \\\"166\\\": 6, \\\"1537\\\": 1, \\\"84\\\": 9, \\\"435\\\": 3, \\\"1539\\\": 1, \\\"1540\\\": 1, \\\"436\\\": 3, \\\"1541\\\": 1, \\\"538\\\": 2, \\\"101\\\": 8, \\\"437\\\": 3, \\\"1548\\\": 1, \\\"438\\\": 3, \\\"1546\\\": 1, \\\"232\\\": 5, \\\"1547\\\": 1, \\\"439\\\": 3, \\\"539\\\": 1, \\\"1544\\\": 1, \\\"1543\\\": 1, \\\"1549\\\": 1, \\\"1542\\\": 1, \\\"1545\\\": 1, \\\"167\\\": 6, \\\"442\\\": 3, \\\"1562\\\": 1, \\\"1550\\\": 1, \\\"1560\\\": 1, \\\"1563\\\": 1, \\\"1553\\\": 1, \\\"1559\\\": 1, \\\"1554\\\": 1, \\\"1551\\\": 1, \\\"540\\\": 1, \\\"1557\\\": 1, \\\"440\\\": 3, \\\"1561\\\": 1, \\\"1556\\\": 1, \\\"1558\\\": 1, \\\"1555\\\": 1, \\\"441\\\": 3, \\\"1552\\\": 1, \\\"1565\\\": 1, \\\"233\\\": 5, \\\"1564\\\": 1, \\\"1567\\\": 1, \\\"542\\\": 1, \\\"443\\\": 3, \\\"541\\\": 2, \\\"444\\\": 3, \\\"1566\\\": 1, \\\"1568\\\": 1, \\\"138\\\": 7, \\\"445\\\": 3, \\\"543\\\": 2, \\\"1569\\\": 1, \\\"1572\\\": 1, \\\"234\\\": 5, \\\"1575\\\": 1, \\\"1573\\\": 1, \\\"1574\\\": 1, \\\"1571\\\": 1, \\\"1570\\\": 1, \\\"1580\\\": 1, \\\"544\\\": 1, \\\"1581\\\": 1, \\\"1576\\\": 1, \\\"45\\\": 13, \\\"1577\\\": 1, \\\"1584\\\": 1, \\\"1579\\\": 1, \\\"169\\\": 6, \\\"1583\\\": 1, \\\"447\\\": 3, \\\"1578\\\": 1, \\\"168\\\": 6, \\\"446\\\": 3, \\\"1582\\\": 1, \\\"1593\\\": 1, \\\"1594\\\": 1, \\\"449\\\": 3, \\\"1591\\\": 1, \\\"1589\\\": 1, \\\"1588\\\": 1, \\\"1586\\\": 1, \\\"1585\\\": 1, \\\"1587\\\": 1, \\\"12\\\": 19, \\\"1592\\\": 1, \\\"1590\\\": 1, \\\"448\\\": 3, \\\"1595\\\": 1, \\\"450\\\": 3, \\\"1596\\\": 1, \\\"70\\\": 10, \\\"451\\\": 3, \\\"235\\\": 5, \\\"1601\\\": 1, \\\"1602\\\": 1, \\\"1603\\\": 1, \\\"1599\\\": 1, \\\"1606\\\": 1, \\\"1597\\\": 1, \\\"170\\\": 6, \\\"139\\\": 7, \\\"1605\\\": 1, \\\"1600\\\": 1, \\\"236\\\": 5, \\\"1604\\\": 1, \\\"1598\\\": 1, \\\"1618\\\": 1, \\\"1610\\\": 1, \\\"1608\\\": 1, \\\"1612\\\": 1, \\\"1607\\\": 1, \\\"1614\\\": 1, \\\"452\\\": 3, \\\"545\\\": 2, \\\"1617\\\": 1, \\\"237\\\": 3, \\\"1619\\\": 1, \\\"1611\\\": 1, \\\"1609\\\": 1, \\\"1615\\\": 1, \\\"1616\\\": 1, \\\"1613\\\": 1, \\\"1623\\\": 1, \\\"1620\\\": 1, \\\"1621\\\": 1, \\\"1622\\\": 1, \\\"238\\\": 5, \\\"1626\\\": 1, \\\"453\\\": 3, \\\"1627\\\": 1, \\\"1625\\\": 1, \\\"546\\\": 2, \\\"1624\\\": 1, \\\"85\\\": 7, \\\"1628\\\": 1, \\\"455\\\": 3, \\\"454\\\": 3, \\\"239\\\": 3, \\\"1633\\\": 1, \\\"1629\\\": 1, \\\"1631\\\": 1, \\\"1634\\\": 1, \\\"1635\\\": 1, \\\"547\\\": 2, \\\"1632\\\": 1, \\\"1630\\\": 1, \\\"456\\\": 1, \\\"102\\\": 8, \\\"1636\\\": 1, \\\"282\\\": 4, \\\"1638\\\": 1, \\\"1637\\\": 1, \\\"1639\\\": 1, \\\"1640\\\": 1, \\\"1645\\\": 1, \\\"240\\\": 5, \\\"1644\\\": 1, \\\"1653\\\": 1, \\\"1649\\\": 1, \\\"457\\\": 3, \\\"1647\\\": 1, \\\"1643\\\": 1, \\\"1641\\\": 1, \\\"1652\\\": 1, \\\"1648\\\": 1, \\\"1651\\\": 1, \\\"140\\\": 5, \\\"1642\\\": 1, \\\"1650\\\": 1, \\\"458\\\": 3, \\\"548\\\": 2, \\\"1646\\\": 1, \\\"459\\\": 3, \\\"1657\\\": 1, \\\"241\\\": 5, \\\"1654\\\": 1, \\\"460\\\": 3, \\\"1658\\\": 1, \\\"1656\\\": 1, \\\"1661\\\": 1, \\\"141\\\": 5, \\\"1655\\\": 1, \\\"1659\\\": 1, \\\"1660\\\": 1, \\\"1667\\\": 1, \\\"1666\\\": 1, \\\"1665\\\": 1, \\\"1662\\\": 1, \\\"461\\\": 3, \\\"462\\\": 3, \\\"242\\\": 3, \\\"1668\\\": 1, \\\"549\\\": 1, \\\"1664\\\": 1, \\\"1663\\\": 1, \\\"1669\\\": 1, \\\"1673\\\": 1, \\\"1677\\\": 1, \\\"1675\\\": 1, \\\"1671\\\": 1, \\\"1670\\\": 1, \\\"550\\\": 1, \\\"1674\\\": 1, \\\"1672\\\": 1, \\\"1676\\\": 1, \\\"1678\\\": 1, \\\"1681\\\": 1, \\\"1683\\\": 1, \\\"1682\\\": 1, \\\"1686\\\": 1, \\\"1680\\\": 1, \\\"1685\\\": 1, \\\"1679\\\": 1, \\\"463\\\": 3, \\\"464\\\": 2, \\\"1687\\\": 1, \\\"1684\\\": 1, \\\"1688\\\": 1, \\\"1689\\\": 1, \\\"61\\\": 11, \\\"1690\\\": 1, \\\"466\\\": 3, \\\"465\\\": 3, \\\"1691\\\": 1, \\\"1698\\\": 1, \\\"467\\\": 3, \\\"1693\\\": 1, \\\"1692\\\": 1, \\\"1695\\\": 1, \\\"243\\\": 3, \\\"283\\\": 1, \\\"1697\\\": 1, \\\"1696\\\": 1, \\\"551\\\": 2, \\\"1694\\\": 1, \\\"1699\\\": 1, \\\"1700\\\": 1, \\\"1701\\\": 1, \\\"468\\\": 3, \\\"1708\\\": 1, \\\"1705\\\": 1, \\\"469\\\": 3, \\\"552\\\": 2, \\\"103\\\": 6, \\\"1709\\\": 1, \\\"1704\\\": 1, \\\"1707\\\": 1, \\\"1706\\\": 1, \\\"284\\\": 4, \\\"1702\\\": 1, \\\"1703\\\": 1, \\\"1711\\\": 1, \\\"1712\\\": 1, \\\"470\\\": 3, \\\"285\\\": 4, \\\"86\\\": 9, \\\"31\\\": 12, \\\"1710\\\": 1, \\\"471\\\": 3, \\\"1713\\\": 1, \\\"1714\\\": 1, \\\"1716\\\": 1, \\\"553\\\": 2, \\\"1715\\\": 1, \\\"1718\\\": 1, \\\"1717\\\": 1, \\\"87\\\": 6, \\\"1719\\\": 1, \\\"1720\\\": 1, \\\"1722\\\": 1, \\\"1721\\\": 1, \\\"171\\\": 5, \\\"1723\\\": 1, \\\"1724\\\": 1, \\\"472\\\": 3, \\\"1734\\\": 1, \\\"1729\\\": 1, \\\"473\\\": 3, \\\"1733\\\": 1, \\\"244\\\": 5, \\\"1730\\\": 1, \\\"1726\\\": 1, \\\"1725\\\": 1, \\\"1731\\\": 1, \\\"1732\\\": 1, \\\"1728\\\": 1, \\\"1735\\\": 1, \\\"1727\\\": 1, \\\"1739\\\": 1, \\\"1746\\\": 1, \\\"1736\\\": 1, \\\"1741\\\": 1, \\\"1745\\\": 1, \\\"1737\\\": 1, \\\"1738\\\": 1, \\\"1742\\\": 1, \\\"1740\\\": 1, \\\"1744\\\": 1, \\\"1743\\\": 1, \\\"104\\\": 8, \\\"1747\\\": 1, \\\"1750\\\": 1, \\\"1753\\\": 1, \\\"1752\\\": 1, \\\"475\\\": 3, \\\"1749\\\": 1, \\\"476\\\": 3, \\\"1748\\\": 1, \\\"474\\\": 3, \\\"1751\\\": 1, \\\"142\\\": 7, \\\"143\\\": 7, \\\"1754\\\": 1, \\\"1756\\\": 1, \\\"1755\\\": 1, \\\"477\\\": 3, \\\"245\\\": 5, \\\"1757\\\": 1, \\\"1758\\\": 1, \\\"1759\\\": 1, \\\"246\\\": 5, \\\"1760\\\": 1, \\\"1761\\\": 1, \\\"1764\\\": 1, \\\"1762\\\": 1, \\\"1763\\\": 1, \\\"88\\\": 7, \\\"479\\\": 3, \\\"478\\\": 3, \\\"1767\\\": 1, \\\"1765\\\": 1, \\\"1766\\\": 1, \\\"1768\\\": 1, \\\"1769\\\": 1, \\\"1770\\\": 1, \\\"247\\\": 5, \\\"1772\\\": 1, \\\"1771\\\": 1, \\\"480\\\": 3, \\\"1773\\\": 1, \\\"144\\\": 7, \\\"248\\\": 5, \\\"1774\\\": 1, \\\"1775\\\": 1, \\\"1777\\\": 1, \\\"1776\\\": 1, \\\"1778\\\": 1, \\\"249\\\": 5, \\\"1779\\\": 1, \\\"481\\\": 3, \\\"250\\\": 5, \\\"1780\\\": 1, \\\"1781\\\": 1, \\\"1782\\\": 1, \\\"1783\\\": 1, \\\"1784\\\": 1, \\\"1785\\\": 1, \\\"251\\\": 5, \\\"482\\\": 3, \\\"1786\\\": 1, \\\"483\\\": 3, \\\"1788\\\": 1, \\\"1787\\\": 1, \\\"555\\\": 2, \\\"556\\\": 2, \\\"558\\\": 2, \\\"562\\\": 2, \\\"557\\\": 2, \\\"565\\\": 2, \\\"554\\\": 2, \\\"561\\\": 2, \\\"564\\\": 2, \\\"559\\\": 2, \\\"286\\\": 4, \\\"563\\\": 2, \\\"560\\\": 2, \\\"566\\\": 2, \\\"568\\\": 2, \\\"572\\\": 2, \\\"573\\\": 2, \\\"569\\\": 2, \\\"567\\\": 2, \\\"105\\\": 8, \\\"570\\\": 2, \\\"571\\\": 2, \\\"106\\\": 6, \\\"287\\\": 4, \\\"574\\\": 2, \\\"581\\\": 2, \\\"289\\\": 4, \\\"584\\\": 2, \\\"291\\\": 4, \\\"580\\\": 2, \\\"576\\\": 2, \\\"582\\\": 2, \\\"575\\\": 2, \\\"107\\\": 6, \\\"583\\\": 2, \\\"71\\\": 10, \\\"172\\\": 4, \\\"577\\\": 2, \\\"585\\\": 2, \\\"578\\\": 2, \\\"288\\\": 2, \\\"290\\\": 4, \\\"579\\\": 2, \\\"589\\\": 2, \\\"588\\\": 2, \\\"587\\\": 2, \\\"586\\\": 2, \\\"594\\\": 2, \\\"590\\\": 2, \\\"595\\\": 2, \\\"592\\\": 2, \\\"591\\\": 2, \\\"72\\\": 10, \\\"593\\\": 2, \\\"173\\\": 6, \\\"598\\\": 2, \\\"600\\\": 2, \\\"597\\\": 2, \\\"596\\\": 2, \\\"599\\\": 2, \\\"601\\\": 2, \\\"602\\\": 2, \\\"292\\\": 4, \\\"606\\\": 2, \\\"293\\\": 4, \\\"608\\\": 2, \\\"603\\\": 2, \\\"607\\\": 2, \\\"174\\\": 6, \\\"604\\\": 2, \\\"605\\\": 2, \\\"176\\\": 6, \\\"616\\\": 2, \\\"614\\\": 2, \\\"611\\\": 2, \\\"609\\\": 2, \\\"612\\\": 2, \\\"175\\\": 6, \\\"610\\\": 2, \\\"615\\\": 2, \\\"613\\\": 2, \\\"617\\\": 2, \\\"296\\\": 4, \\\"294\\\": 4, \\\"621\\\": 2, \\\"623\\\": 2, \\\"629\\\": 2, \\\"626\\\": 2, \\\"624\\\": 2, \\\"295\\\": 4, \\\"627\\\": 2, \\\"622\\\": 2, \\\"619\\\": 2, \\\"618\\\": 2, \\\"625\\\": 2, \\\"630\\\": 2, \\\"620\\\": 2, \\\"628\\\": 2, \\\"297\\\": 4, \\\"632\\\": 2, \\\"177\\\": 6, \\\"631\\\": 2, \\\"633\\\": 2, \\\"178\\\": 6, \\\"640\\\": 2, \\\"638\\\": 2, \\\"637\\\": 2, \\\"636\\\": 2, \\\"639\\\": 2, \\\"634\\\": 2, \\\"179\\\": 6, \\\"635\\\": 2, \\\"643\\\": 2, \\\"641\\\": 2, \\\"298\\\": 4, \\\"645\\\": 2, \\\"299\\\": 4, \\\"642\\\": 2, \\\"644\\\": 2, \\\"647\\\": 2, \\\"646\\\": 2, \\\"108\\\": 6, \\\"648\\\": 2, \\\"652\\\": 2, \\\"654\\\": 2, \\\"649\\\": 2, \\\"650\\\": 2, \\\"109\\\": 4, \\\"180\\\": 6, \\\"655\\\": 2, \\\"653\\\": 2, \\\"651\\\": 2, \\\"656\\\": 2, \\\"657\\\": 2, \\\"659\\\": 2, \\\"665\\\": 2, \\\"664\\\": 2, \\\"661\\\": 2, \\\"662\\\": 2, \\\"663\\\": 2, \\\"658\\\": 2, \\\"660\\\": 2, \\\"666\\\": 2, \\\"667\\\": 2, \\\"669\\\": 2, \\\"673\\\": 2, \\\"181\\\": 6, \\\"675\\\": 2, \\\"670\\\": 2, \\\"668\\\": 2, \\\"676\\\": 2, \\\"672\\\": 2, \\\"674\\\": 2, \\\"671\\\": 2, \\\"678\\\": 2, \\\"677\\\": 2, \\\"680\\\": 2, \\\"679\\\": 2, \\\"301\\\": 4, \\\"689\\\": 2, \\\"683\\\": 2, \\\"111\\\": 4, \\\"687\\\": 2, \\\"110\\\": 8, \\\"686\\\": 2, \\\"682\\\": 2, \\\"681\\\": 2, \\\"300\\\": 4, \\\"685\\\": 2, \\\"684\\\": 2, \\\"688\\\": 2, \\\"690\\\": 2, \\\"697\\\": 2, \\\"694\\\": 2, \\\"699\\\": 2, \\\"302\\\": 4, \\\"695\\\": 2, \\\"698\\\": 2, \\\"692\\\": 2, \\\"702\\\": 2, \\\"693\\\": 2, \\\"691\\\": 2, \\\"700\\\": 2, \\\"701\\\": 2, \\\"696\\\": 2, \\\"303\\\": 4, \\\"703\\\": 2, \\\"704\\\": 2, \\\"705\\\": 2, \\\"721\\\": 2, \\\"307\\\": 4, \\\"182\\\": 6, \\\"716\\\": 2, \\\"113\\\": 4, \\\"715\\\": 2, \\\"709\\\": 2, \\\"717\\\": 2, \\\"112\\\": 6, \\\"708\\\": 2, \\\"720\\\": 2, \\\"712\\\": 2, \\\"711\\\": 2, \\\"713\\\": 2, \\\"706\\\": 2, \\\"306\\\": 2, \\\"305\\\": 4, \\\"710\\\": 2, \\\"718\\\": 2, \\\"304\\\": 4, \\\"719\\\": 2, \\\"714\\\": 2, \\\"73\\\": 6, \\\"707\\\": 2, \\\"183\\\": 4, \\\"722\\\": 2, \\\"723\\\": 2, \\\"114\\\": 8, \\\"725\\\": 2, \\\"724\\\": 2, \\\"727\\\": 2, \\\"729\\\": 2, \\\"728\\\": 2, \\\"730\\\": 2, \\\"726\\\": 2, \\\"732\\\": 2, \\\"738\\\": 2, \\\"746\\\": 2, \\\"731\\\": 2, \\\"737\\\": 2, \\\"747\\\": 2, \\\"308\\\": 4, \\\"734\\\": 2, \\\"739\\\": 2, \\\"184\\\": 2, \\\"742\\\": 2, \\\"743\\\": 2, \\\"736\\\": 2, \\\"740\\\": 2, \\\"745\\\": 2, \\\"744\\\": 2, \\\"735\\\": 2, \\\"309\\\": 4, \\\"733\\\": 2, \\\"741\\\": 2, \\\"752\\\": 2, \\\"750\\\": 2, \\\"310\\\": 2, \\\"311\\\": 4, \\\"751\\\": 2, \\\"312\\\": 4, \\\"748\\\": 2, \\\"753\\\": 2, \\\"749\\\": 2, \\\"758\\\": 2, \\\"755\\\": 2, \\\"760\\\": 2, \\\"756\\\": 2, \\\"757\\\": 2, \\\"759\\\": 2, \\\"761\\\": 2, \\\"754\\\": 2, \\\"115\\\": 4, \\\"764\\\": 2, \\\"763\\\": 2, \\\"762\\\": 2, \\\"314\\\": 4, \\\"313\\\": 4, \\\"771\\\": 2, \\\"768\\\": 2, \\\"765\\\": 2, \\\"767\\\": 2, \\\"770\\\": 2, \\\"766\\\": 2, \\\"769\\\": 2, \\\"316\\\": 4, \\\"772\\\": 2, \\\"773\\\": 2, \\\"315\\\": 4, \\\"774\\\": 2, \\\"775\\\": 2, \\\"776\\\": 2, \\\"777\\\": 2, \\\"317\\\": 4, \\\"781\\\": 2, \\\"784\\\": 2, \\\"318\\\": 4, \\\"782\\\": 2, \\\"783\\\": 2, \\\"780\\\": 2, \\\"778\\\": 2, \\\"779\\\": 2, \\\"785\\\": 2, \\\"786\\\": 2, \\\"793\\\": 2, \\\"792\\\": 2, \\\"788\\\": 2, \\\"787\\\": 2, \\\"319\\\": 4, \\\"789\\\": 2, \\\"790\\\": 2, \\\"791\\\": 2, \\\"321\\\": 4, \\\"320\\\": 4, \\\"794\\\": 2, \\\"796\\\": 2, \\\"795\\\": 2, \\\"186\\\": 4, \\\"801\\\": 2, \\\"800\\\": 2, \\\"797\\\": 2, \\\"798\\\": 2, \\\"185\\\": 6, \\\"323\\\": 4, \\\"799\\\": 2, \\\"322\\\": 4, \\\"813\\\": 2, \\\"803\\\": 2, \\\"326\\\": 4, \\\"187\\\": 6, \\\"116\\\": 6, \\\"325\\\": 4, \\\"814\\\": 2, \\\"808\\\": 2, \\\"812\\\": 2, \\\"807\\\": 2, \\\"811\\\": 2, \\\"805\\\": 2, \\\"809\\\": 2, \\\"804\\\": 2, \\\"806\\\": 2, \\\"802\\\": 2, \\\"324\\\": 4, \\\"810\\\": 2, \\\"816\\\": 2, \\\"817\\\": 2, \\\"815\\\": 2, \\\"821\\\": 2, \\\"823\\\": 2, \\\"819\\\": 2, \\\"822\\\": 2, \\\"824\\\": 2, \\\"820\\\": 2, \\\"818\\\": 2, \\\"327\\\": 4, \\\"188\\\": 6, \\\"825\\\": 2, \\\"826\\\": 2, \\\"827\\\": 2, \\\"830\\\": 2, \\\"330\\\": 4, \\\"118\\\": 8, \\\"828\\\": 2, \\\"331\\\": 4, \\\"836\\\": 2, \\\"329\\\": 4, \\\"834\\\": 2, \\\"117\\\": 8, \\\"829\\\": 2, \\\"831\\\": 2, \\\"837\\\": 2, \\\"838\\\": 2, \\\"841\\\": 2, \\\"832\\\": 2, \\\"835\\\": 2, \\\"839\\\": 2, \\\"833\\\": 2, \\\"328\\\": 4, \\\"840\\\": 2, \\\"842\\\": 2, \\\"843\\\": 2, \\\"332\\\": 4, \\\"846\\\": 2, \\\"844\\\": 2, \\\"845\\\": 2, \\\"848\\\": 2, \\\"847\\\": 2, \\\"333\\\": 4, \\\"849\\\": 2, \\\"850\\\": 2, \\\"855\\\": 2, \\\"335\\\": 4, \\\"851\\\": 2, \\\"334\\\": 4, \\\"858\\\": 2, \\\"853\\\": 2, \\\"856\\\": 2, \\\"189\\\": 6, \\\"852\\\": 2, \\\"854\\\": 2, \\\"857\\\": 2, \\\"859\\\": 2, \\\"860\\\": 2, \\\"336\\\": 4, \\\"861\\\": 2, \\\"190\\\": 6, \\\"863\\\": 2, \\\"862\\\": 2, \\\"865\\\": 2, \\\"864\\\": 2, \\\"868\\\": 2, \\\"866\\\": 2, \\\"870\\\": 2, \\\"869\\\": 2, \\\"867\\\": 2, \\\"871\\\": 2, \\\"872\\\": 2, \\\"337\\\": 4, \\\"873\\\": 2, \\\"876\\\": 2, \\\"874\\\": 2, \\\"878\\\": 2, \\\"875\\\": 2, \\\"338\\\": 4, \\\"877\\\": 2, \\\"879\\\": 2, \\\"880\\\": 2, \\\"339\\\": 2, \\\"340\\\": 4, \\\"881\\\": 2, \\\"883\\\": 2, \\\"882\\\": 2, \\\"884\\\": 2, \\\"885\\\": 2, \\\"886\\\": 2, \\\"341\\\": 4, \\\"888\\\": 2, \\\"887\\\": 2, \\\"889\\\": 2, \\\"891\\\": 2, \\\"892\\\": 2, \\\"895\\\": 2, \\\"342\\\": 2, \\\"894\\\": 2, \\\"893\\\": 2, \\\"896\\\": 2, \\\"890\\\": 2, \\\"897\\\": 2, \\\"343\\\": 4, \\\"898\\\": 2, \\\"344\\\": 4, \\\"899\\\": 2, \\\"900\\\": 2, \\\"901\\\": 2, \\\"346\\\": 4, \\\"902\\\": 2, \\\"345\\\": 4, \\\"909\\\": 2, \\\"907\\\": 2, \\\"905\\\": 2, \\\"908\\\": 2, \\\"903\\\": 2, \\\"906\\\": 2, \\\"904\\\": 2, \\\"910\\\": 2, \\\"347\\\": 4, \\\"911\\\": 2, \\\"912\\\": 2, \\\"914\\\": 2, \\\"913\\\": 2, \\\"915\\\": 2, \\\"917\\\": 2, \\\"916\\\": 2, \\\"918\\\": 2, \\\"919\\\": 2, \\\"920\\\": 2, \\\"921\\\": 2, \\\"922\\\": 2, \\\"925\\\": 2, \\\"927\\\": 2, \\\"926\\\": 2, \\\"930\\\": 2, \\\"928\\\": 2, \\\"929\\\": 2, \\\"923\\\": 2, \\\"924\\\": 2, \\\"348\\\": 2, \\\"936\\\": 2, \\\"349\\\": 2, \\\"350\\\": 4, \\\"933\\\": 2, \\\"932\\\": 2, \\\"934\\\": 2, \\\"931\\\": 2, \\\"935\\\": 2, \\\"940\\\": 2, \\\"937\\\": 2, \\\"941\\\": 2, \\\"945\\\": 2, \\\"351\\\": 4, \\\"938\\\": 2, \\\"943\\\": 2, \\\"946\\\": 2, \\\"939\\\": 2, \\\"944\\\": 2, \\\"942\\\": 2, \\\"949\\\": 2, \\\"948\\\": 2, \\\"947\\\": 2, \\\"950\\\": 2, \\\"951\\\": 2, \\\"955\\\": 2, \\\"952\\\": 2, \\\"953\\\": 2, \\\"956\\\": 2, \\\"954\\\": 2, \\\"958\\\": 2, \\\"957\\\": 2, \\\"961\\\": 2, \\\"960\\\": 2, \\\"962\\\": 2, \\\"959\\\": 2, \\\"963\\\": 2, \\\"965\\\": 2, \\\"352\\\": 4, \\\"966\\\": 2, \\\"964\\\": 2, \\\"353\\\": 4, \\\"969\\\": 2, \\\"968\\\": 2, \\\"967\\\": 2, \\\"970\\\": 2, \\\"972\\\": 2, \\\"974\\\": 2, \\\"980\\\": 2, \\\"975\\\": 2, \\\"971\\\": 2, \\\"976\\\": 2, \\\"978\\\": 2, \\\"979\\\": 2, \\\"977\\\": 2, \\\"973\\\": 2, \\\"982\\\": 2, \\\"983\\\": 2, \\\"984\\\": 2, \\\"981\\\": 2, \\\"985\\\": 2, \\\"986\\\": 2, \\\"990\\\": 2, \\\"989\\\": 2, \\\"988\\\": 2, \\\"987\\\": 2, \\\"993\\\": 2, \\\"991\\\": 2, \\\"995\\\": 2, \\\"996\\\": 2, \\\"992\\\": 2, \\\"994\\\": 2, \\\"1004\\\": 2, \\\"998\\\": 2, \\\"354\\\": 4, \\\"1002\\\": 2, \\\"1001\\\": 2, \\\"999\\\": 2, \\\"1003\\\": 2, \\\"997\\\": 2, \\\"1000\\\": 2, \\\"1005\\\": 2, \\\"1006\\\": 2, \\\"1007\\\": 2, \\\"1010\\\": 2, \\\"1011\\\": 2, \\\"1009\\\": 2, \\\"1008\\\": 2, \\\"1013\\\": 2, \\\"1015\\\": 2, \\\"1014\\\": 2, \\\"1012\\\": 2, \\\"1016\\\": 2, \\\"1017\\\": 2, \\\"1020\\\": 2, \\\"1022\\\": 2, \\\"1021\\\": 2, \\\"1019\\\": 2, \\\"1018\\\": 2, \\\"1023\\\": 2, \\\"1026\\\": 2, \\\"1024\\\": 2, \\\"1025\\\": 2, \\\"1028\\\": 2, \\\"1027\\\": 2, \\\"355\\\": 2, \\\"1031\\\": 2, \\\"1034\\\": 2, \\\"1035\\\": 2, \\\"1033\\\": 2, \\\"1030\\\": 2, \\\"1029\\\": 2, \\\"1032\\\": 2, \\\"1036\\\": 2, \\\"1037\\\": 2, \\\"1039\\\": 2, \\\"1043\\\": 2, \\\"1038\\\": 2, \\\"1040\\\": 2, \\\"1042\\\": 2, \\\"1041\\\": 2, \\\"1044\\\": 2, \\\"356\\\": 4, \\\"1045\\\": 2, \\\"1048\\\": 2, \\\"1050\\\": 2, \\\"1049\\\": 2, \\\"1046\\\": 2, \\\"1047\\\": 2, \\\"1053\\\": 2, \\\"1052\\\": 2, \\\"1051\\\": 2, \\\"1054\\\": 2, \\\"1056\\\": 2, \\\"1064\\\": 2, \\\"1062\\\": 2, \\\"1061\\\": 2, \\\"1055\\\": 2, \\\"1059\\\": 2, \\\"1060\\\": 2, \\\"1057\\\": 2, \\\"1063\\\": 2, \\\"1058\\\": 2, \\\"1065\\\": 2, \\\"1066\\\": 2, \\\"1070\\\": 2, \\\"1068\\\": 2, \\\"1067\\\": 2, \\\"1069\\\": 2, \\\"1071\\\": 2, \\\"357\\\": 2, \\\"1072\\\": 2, \\\"1075\\\": 2, \\\"1077\\\": 2, \\\"1073\\\": 2, \\\"1074\\\": 2, \\\"1076\\\": 2, \\\"1078\\\": 2, \\\"1079\\\": 2, \\\"1080\\\": 2, \\\"1087\\\": 2, \\\"191\\\": 6, \\\"1084\\\": 2, \\\"359\\\": 2, \\\"1083\\\": 2, \\\"358\\\": 2, \\\"1082\\\": 2, \\\"1088\\\": 2, \\\"1089\\\": 2, \\\"1081\\\": 2, \\\"1086\\\": 2, \\\"1085\\\": 2, \\\"1092\\\": 2, \\\"1090\\\": 2, \\\"1091\\\": 2, \\\"1093\\\": 2, \\\"1094\\\": 2, \\\"192\\\": 2, \\\"1096\\\": 2, \\\"1100\\\": 2, \\\"1097\\\": 2, \\\"1099\\\": 2, \\\"1095\\\": 2, \\\"1098\\\": 2, \\\"1103\\\": 2, \\\"1102\\\": 2, \\\"1105\\\": 2, \\\"1101\\\": 2, \\\"1104\\\": 2, \\\"1106\\\": 2, \\\"360\\\": 2, \\\"1110\\\": 2, \\\"1108\\\": 2, \\\"1111\\\": 2, \\\"1109\\\": 2, \\\"1107\\\": 2, \\\"1112\\\": 2, \\\"1113\\\": 2, \\\"1114\\\": 2, \\\"361\\\": 2, \\\"1115\\\": 2, \\\"1117\\\": 2, \\\"1118\\\": 2, \\\"1116\\\": 2, \\\"1119\\\": 2, \\\"1120\\\": 2, \\\"1121\\\": 2, \\\"1124\\\": 2, \\\"1123\\\": 2, \\\"1125\\\": 2, \\\"1122\\\": 2, \\\"1126\\\": 2, \\\"1127\\\": 2, \\\"1129\\\": 2, \\\"1128\\\": 2, \\\"1130\\\": 2, \\\"1131\\\": 2, \\\"1133\\\": 2, \\\"1132\\\": 2, \\\"1137\\\": 2, \\\"1138\\\": 2, \\\"1136\\\": 2, \\\"1134\\\": 2, \\\"1135\\\": 2, \\\"1139\\\": 2, \\\"1142\\\": 2, \\\"1141\\\": 2, \\\"1140\\\": 2, \\\"1143\\\": 2, \\\"1145\\\": 2, \\\"1147\\\": 2, \\\"1144\\\": 2, \\\"1146\\\": 2, \\\"1148\\\": 2, \\\"1150\\\": 2, \\\"1149\\\": 2, \\\"362\\\": 2, \\\"363\\\": 2, \\\"1151\\\": 2, \\\"1152\\\": 2, \\\"1153\\\": 2, \\\"1154\\\": 2, \\\"1155\\\": 2, \\\"1156\\\": 2, \\\"1157\\\": 2}\", \"index_word\": \"{\\\"1\\\": \\\"metaverse\\\", \\\"2\\\": \\\"like\\\", \\\"3\\\": \\\"lan\\\", \\\"4\\\": \\\"think\\\", \\\"5\\\": \\\"people\\\", \\\"6\\\": \\\"real\\\", \\\"7\\\": \\\"igital\\\", \\\"8\\\": \\\"future\\\", \\\"9\\\": \\\"time\\\", \\\"10\\\": \\\"virtual\\\", \\\"11\\\": \\\"worl\\\", \\\"12\\\": \\\"want\\\", \\\"13\\\": \\\"event\\\", \\\"14\\\": \\\"going\\\", \\\"15\\\": \\\"reality\\\", \\\"16\\\": \\\"one\\\", \\\"17\\\": \\\"can't\\\", \\\"18\\\": \\\"game\\\", \\\"19\\\": \\\"1\\\", \\\"20\\\": \\\"get\\\", \\\"21\\\": \\\"new\\\", \\\"22\\\": \\\"everyone\\\", \\\"23\\\": \\\"internet\\\", \\\"24\\\": \\\"it\\\", \\\"25\\\": \\\"right\\\", \\\"26\\\": \\\"u\\\", \\\"27\\\": \\\"thing\\\", \\\"28\\\": \\\"social\\\", \\\"29\\\": \\\"aroun\\\", \\\"30\\\": \\\"nee\\\", \\\"31\\\": \\\"woul\\\", \\\"32\\\": \\\"something\\\", \\\"33\\\": \\\"vr\\\", \\\"34\\\": \\\"space\\\", \\\"35\\\": \\\"amp\\\", \\\"36\\\": \\\"take\\\", \\\"37\\\": \\\"i'm\\\", \\\"38\\\": \\\"make\\\", \\\"39\\\": \\\"live\\\", \\\"40\\\": \\\"work\\\", \\\"41\\\": \\\"know\\\", \\\"42\\\": \\\"gonna\\\", \\\"43\\\": \\\"3\\\", \\\"44\\\": \\\"excite\\\", \\\"45\\\": \\\"see\\\", \\\"46\\\": \\\"may\\\", \\\"47\\\": \\\"crypto\\\", \\\"48\\\": \\\"built\\\", \\\"49\\\": \\\"money\\\", \\\"50\\\": \\\"goo\\\", \\\"51\\\": \\\"really\\\", \\\"52\\\": \\\"way\\\", \\\"53\\\": \\\"even\\\", \\\"54\\\": \\\"nft\\\", \\\"55\\\": \\\"har\\\", \\\"56\\\": \\\"blockchain\\\", \\\"57\\\": \\\"it\\\\u2019s\\\", \\\"58\\\": \\\"spen\\\", \\\"59\\\": \\\"become\\\", \\\"60\\\": \\\"now\\\", \\\"61\\\": \\\"fin\\\", \\\"62\\\": \\\"worls\\\", \\\"63\\\": \\\"no\\\", \\\"64\\\": \\\"call\\\", \\\"65\\\": \\\"project\\\", \\\"66\\\": \\\"friens\\\", \\\"67\\\": \\\"life\\\", \\\"68\\\": \\\"me\\\", \\\"69\\\": \\\"le\\\", \\\"70\\\": \\\"someone\\\", \\\"71\\\": \\\"zuckerberg\\\", \\\"72\\\": \\\"mark\\\", \\\"73\\\": \\\"rather\\\", \\\"74\\\": \\\"year\\\", \\\"75\\\": \\\"builing\\\", \\\"76\\\": \\\"open\\\", \\\"77\\\": \\\"lot\\\", \\\"78\\\": \\\"hour\\\", \\\"79\\\": \\\"ay\\\", \\\"80\\\": \\\"roblox\\\", \\\"81\\\": \\\"create\\\", \\\"82\\\": \\\"shoul\\\", \\\"83\\\": \\\"buil\\\", \\\"84\\\": \\\"wait\\\", \\\"85\\\": \\\"fun\\\", \\\"86\\\": \\\"twitter\\\", \\\"87\\\": \\\"feel\\\", \\\"88\\\": \\\"experience\\\", \\\"89\\\": \\\"ecentralan\\\", \\\"90\\\": \\\"nothing\\\", \\\"91\\\": \\\"playing\\\", \\\"92\\\": \\\"2\\\", \\\"93\\\": \\\"champion\\\", \\\"94\\\": \\\"tech\\\", \\\"95\\\": \\\"crazy\\\", \\\"96\\\": \\\"much\\\", \\\"97\\\": \\\"web3\\\", \\\"98\\\": \\\"iea\\\", \\\"99\\\": \\\"ifferent\\\", \\\"100\\\": \\\"still\\\", \\\"101\\\": \\\"walk\\\", \\\"102\\\": \\\"use\\\", \\\"103\\\": \\\"park\\\", \\\"104\\\": \\\"oesn\\\\u2019t\\\", \\\"105\\\": \\\"mint\\\", \\\"106\\\": \\\"bran\\\", \\\"107\\\": \\\"bet\\\", \\\"108\\\": \\\"meta\\\", \\\"109\\\": \\\"store\\\", \\\"110\\\": \\\"othersiemeta\\\", \\\"111\\\": \\\"carano\\\", \\\"112\\\": \\\"000\\\", \\\"113\\\": \\\"a\\\", \\\"114\\\": \\\"othersie\\\", \\\"115\\\": \\\"talking\\\", \\\"116\\\": \\\"long\\\", \\\"117\\\": \\\"using\\\", \\\"118\\\": \\\"2022\\\", \\\"119\\\": \\\"mae\\\", \\\"120\\\": \\\"enough\\\", \\\"121\\\": \\\"nfts\\\", \\\"122\\\": \\\"break\\\", \\\"123\\\": \\\"play\\\", \\\"124\\\": \\\"go\\\", \\\"125\\\": \\\"bullish\\\", \\\"126\\\": \\\"never\\\", \\\"127\\\": \\\"kin\\\", \\\"128\\\": \\\"cool\\\", \\\"129\\\": \\\"every\\\", \\\"130\\\": \\\"wil\\\", \\\"131\\\": \\\"valk\\\", \\\"132\\\": \\\"love\\\", \\\"133\\\": \\\"looking\\\", \\\"134\\\": \\\"platform\\\", \\\"135\\\": \\\"better\\\", \\\"136\\\": \\\"awesome\\\", \\\"137\\\": \\\"augmente\\\", \\\"138\\\": \\\"without\\\", \\\"139\\\": \\\"look\\\", \\\"140\\\": \\\"guy\\\", \\\"141\\\": \\\"interesting\\\", \\\"142\\\": \\\"oes\\\", \\\"143\\\": \\\"mean\\\", \\\"144\\\": \\\"working\\\", \\\"145\\\": \\\"always\\\", \\\"146\\\": \\\"first\\\", \\\"147\\\": \\\"vision\\\", \\\"148\\\": \\\"i\\\", \\\"149\\\": \\\"stuy\\\", \\\"150\\\": \\\"say\\\", \\\"151\\\": \\\"10\\\", \\\"152\\\": \\\"point\\\", \\\"153\\\": \\\"hope\\\", \\\"154\\\": \\\"on't\\\", \\\"155\\\": \\\"man\\\", \\\"156\\\": \\\"artist\\\", \\\"157\\\": \\\"anyone\\\", \\\"158\\\": \\\"sai\\\", \\\"159\\\": \\\"we're\\\", \\\"160\\\": \\\"getting\\\", \\\"161\\\": \\\"alreay\\\", \\\"162\\\": \\\"imagine\\\", \\\"163\\\": \\\"universe\\\", \\\"164\\\": \\\"online\\\", \\\"165\\\": \\\"toay\\\", \\\"166\\\": \\\"ever\\\", \\\"167\\\": \\\"there\\\", \\\"168\\\": \\\"capital\\\", \\\"169\\\": \\\"coul\\\", \\\"170\\\": \\\"seems\\\", \\\"171\\\": \\\"im\\\", \\\"172\\\": \\\"billion\\\", \\\"173\\\": \\\"i\\\\u2019m\\\", \\\"174\\\": \\\"sit\\\", \\\"175\\\": \\\"touch\\\", \\\"176\\\": \\\"try\\\", \\\"177\\\": \\\"stuff\\\", \\\"178\\\": \\\"company\\\", \\\"179\\\": \\\"yet\\\", \\\"180\\\": \\\"early\\\", \\\"181\\\": \\\"ba\\\", \\\"182\\\": \\\"bayc\\\", \\\"183\\\": \\\"estate\\\", \\\"184\\\": \\\"isney\\\", \\\"185\\\": \\\"meia\\\", \\\"186\\\": \\\"era\\\", \\\"187\\\": \\\"thought\\\", \\\"188\\\": \\\"possibility\\\", \\\"189\\\": \\\"that\\\\u2019s\\\", \\\"190\\\": \\\"we\\\\u2019re\\\", \\\"191\\\": \\\"\\\\u201cmetaverse\\\\u201d\\\", \\\"192\\\": \\\"ask\\\", \\\"193\\\": \\\"ar\\\", \\\"194\\\": \\\"must\\\", \\\"195\\\": \\\"might\\\", \\\"196\\\": \\\"buying\\\", \\\"197\\\": \\\"okay\\\", \\\"198\\\": \\\"happy\\\", \\\"199\\\": \\\"week\\\", \\\"200\\\": \\\"to\\\", \\\"201\\\": \\\"maker\\\", \\\"202\\\": \\\"amazing\\\", \\\"203\\\": \\\"asset\\\", \\\"204\\\": \\\"high\\\", \\\"205\\\": \\\"nees\\\", \\\"206\\\": \\\"potential\\\", \\\"207\\\": \\\"away\\\", \\\"208\\\": \\\"i\\\\u2019ve\\\", \\\"209\\\": \\\"big\\\", \\\"210\\\": \\\"human\\\", \\\"211\\\": \\\"opportunity\\\", \\\"212\\\": \\\"there\\\\u2019s\\\", \\\"213\\\": \\\"story\\\", \\\"214\\\": \\\"luxury\\\", \\\"215\\\": \\\"many\\\", \\\"216\\\": \\\"literally\\\", \\\"217\\\": \\\"got\\\", \\\"218\\\": \\\"ha\\\", \\\"219\\\": \\\"garens\\\", \\\"220\\\": \\\"prize\\\", \\\"221\\\": \\\"start\\\", \\\"222\\\": \\\"be\\\", \\\"223\\\": \\\"else\\\", \\\"224\\\": \\\"coming\\\", \\\"225\\\": \\\"iscor\\\", \\\"226\\\": \\\"z\\\", \\\"227\\\": \\\"esign\\\", \\\"228\\\": \\\"5\\\", \\\"229\\\": \\\"far\\\", \\\"230\\\": \\\"physical\\\", \\\"231\\\": \\\"believe\\\", \\\"232\\\": \\\"well\\\", \\\"233\\\": \\\"minecraft\\\", \\\"234\\\": \\\"you\\\", \\\"235\\\": \\\"500\\\", \\\"236\\\": \\\"in\\\", \\\"237\\\": \\\"trust\\\", \\\"238\\\": \\\"probably\\\", \\\"239\\\": \\\"show\\\", \\\"240\\\": \\\"rop\\\", \\\"241\\\": \\\"facebook\\\", \\\"242\\\": \\\"web\\\", \\\"243\\\": \\\"what\\\\u2019s\\\", \\\"244\\\": \\\"technology\\\", \\\"245\\\": \\\"shit\\\", \\\"246\\\": \\\"infinite\\\", \\\"247\\\": \\\"won\\\\u2019t\\\", \\\"248\\\": \\\"opinion\\\", \\\"249\\\": \\\"party\\\", \\\"250\\\": \\\"lol\\\", \\\"251\\\": \\\"watch\\\", \\\"252\\\": \\\"shop\\\", \\\"253\\\": \\\"opening\\\", \\\"254\\\": \\\"month\\\", \\\"255\\\": \\\"together\\\", \\\"256\\\": \\\"matter\\\", \\\"257\\\": \\\"consier\\\", \\\"258\\\": \\\"able\\\", \\\"259\\\": \\\"anything\\\", \\\"260\\\": \\\"current\\\", \\\"261\\\": \\\"hear\\\", \\\"262\\\": \\\"let\\\", \\\"263\\\": \\\"games\\\", \\\"264\\\": \\\"eth\\\", \\\"265\\\": \\\"that\\\", \\\"266\\\": \\\"value\\\", \\\"267\\\": \\\"form\\\", \\\"268\\\": \\\"ol\\\", \\\"269\\\": \\\"here\\\", \\\"270\\\": \\\"efi\\\", \\\"271\\\": \\\"bscpa\\\", \\\"272\\\": \\\"bought\\\", \\\"273\\\": \\\"share\\\", \\\"274\\\": \\\"avatar\\\", \\\"275\\\": \\\"wtf\\\", \\\"276\\\": \\\"en\\\", \\\"277\\\": \\\"test\\\", \\\"278\\\": \\\"hate\\\", \\\"279\\\": \\\"us\\\", \\\"280\\\": \\\"6\\\", \\\"281\\\": \\\"quite\\\", \\\"282\\\": \\\"limite\\\", \\\"283\\\": \\\"family\\\", \\\"284\\\": \\\"place\\\", \\\"285\\\": \\\"miss\\\", \\\"286\\\": \\\"gas\\\", \\\"287\\\": \\\"everything\\\", \\\"288\\\": \\\"losing\\\", \\\"289\\\": \\\"amazon\\\", \\\"290\\\": \\\"single\\\", \\\"291\\\": \\\"gone\\\", \\\"292\\\": \\\"keep\\\", \\\"293\\\": \\\"back\\\", \\\"294\\\": \\\"sale\\\", \\\"295\\\": \\\"number\\\", \\\"296\\\": \\\"artificially\\\", \\\"297\\\": \\\"harest\\\", \\\"298\\\": \\\"for\\\", \\\"299\\\": \\\"ambition\\\", \\\"300\\\": \\\"cheap\\\", \\\"301\\\": \\\"actually\\\", \\\"302\\\": \\\"om\\\", \\\"303\\\": \\\"thesanboxgame\\\", \\\"304\\\": \\\"penguin\\\", \\\"305\\\": \\\"as\\\", \\\"306\\\": \\\"owne\\\", \\\"307\\\": \\\"bob\\\", \\\"308\\\": \\\"begin\\\", \\\"309\\\": \\\"aily\\\", \\\"310\\\": \\\"nextverse\\\", \\\"311\\\": \\\"0\\\", \\\"312\\\": \\\"april\\\", \\\"313\\\": \\\"chat\\\", \\\"314\\\": \\\"instea\\\", \\\"315\\\": \\\"weir\\\", \\\"316\\\": \\\"sims\\\", \\\"317\\\": \\\"scam\\\", \\\"318\\\": \\\"brain\\\", \\\"319\\\": \\\"tool\\\", \\\"320\\\": \\\"ont\\\", \\\"321\\\": \\\"care\\\", \\\"322\\\": \\\"shift\\\", \\\"323\\\": \\\"completely\\\", \\\"324\\\": \\\"out\\\", \\\"325\\\": \\\"purpose\\\", \\\"326\\\": \\\"yugalabs\\\", \\\"327\\\": \\\"launch\\\", \\\"328\\\": \\\"socialize\\\", \\\"329\\\": \\\"entertainment\\\", \\\"330\\\": \\\"narrative\\\", \\\"331\\\": \\\"30\\\", \\\"332\\\": \\\"business\\\", \\\"333\\\": \\\"on\\\\u2019t\\\", \\\"334\\\": \\\"focuse\\\", \\\"335\\\": \\\"community\\\", \\\"336\\\": \\\"ee\\\", \\\"337\\\": \\\"seen\\\", \\\"338\\\": \\\"lame\\\", \\\"339\\\": \\\"manage\\\", \\\"340\\\": \\\"token\\\", \\\"341\\\": \\\"this\\\", \\\"342\\\": \\\"'most\\\", \\\"343\\\": \\\"officially\\\", \\\"344\\\": \\\"lanlor\\\", \\\"345\\\": \\\"ream\\\", \\\"346\\\": \\\"souns\\\", \\\"347\\\": \\\"running\\\", \\\"348\\\": \\\"jurassic\\\", \\\"349\\\": \\\"perhaps\\\", \\\"350\\\": \\\"change\\\", \\\"351\\\": \\\"yall\\\", \\\"352\\\": \\\"facebook's\\\", \\\"353\\\": \\\"stay\\\", \\\"354\\\": \\\"collective\\\", \\\"355\\\": \\\"hermes\\\", \\\"356\\\": \\\"rich\\\", \\\"357\\\": \\\"baron\\\", \\\"358\\\": \\\"home\\\", \\\"359\\\": \\\"therefore\\\", \\\"360\\\": \\\"amaze\\\", \\\"361\\\": \\\"san\\\", \\\"362\\\": \\\"move\\\", \\\"363\\\": \\\"layer\\\", \\\"364\\\": \\\"carbon\\\", \\\"365\\\": \\\"step\\\", \\\"366\\\": \\\"history\\\", \\\"367\\\": \\\"math\\\", \\\"368\\\": \\\"architecture\\\", \\\"369\\\": \\\"chilren\\\", \\\"370\\\": \\\"music\\\", \\\"371\\\": \\\"art\\\", \\\"372\\\": \\\"ki\\\", \\\"373\\\": \\\"put\\\", \\\"374\\\": \\\"five\\\", \\\"375\\\": \\\"sure\\\", \\\"376\\\": \\\"the\\\", \\\"377\\\": \\\"why\\\", \\\"378\\\": \\\"ren\\\", \\\"379\\\": \\\"ance\\\", \\\"380\\\": \\\"cannot\\\", \\\"381\\\": \\\"stream\\\", \\\"382\\\": \\\"min\\\", \\\"383\\\": \\\"let's\\\", \\\"384\\\": \\\"outsie\\\", \\\"385\\\": \\\"team\\\", \\\"386\\\": \\\"uner\\\", \\\"387\\\": \\\"top\\\", \\\"388\\\": \\\"maybe\\\", \\\"389\\\": \\\"especially\\\", \\\"390\\\": \\\"eye\\\", \\\"391\\\": \\\"finally\\\", \\\"392\\\": \\\"weeken\\\", \\\"393\\\": \\\"prove\\\", \\\"394\\\": \\\"help\\\", \\\"395\\\": \\\"joining\\\", \\\"396\\\": \\\"self\\\", \\\"397\\\": \\\"reason\\\", \\\"398\\\": \\\"inustry\\\", \\\"399\\\": \\\"lover\\\", \\\"400\\\": \\\"cannabis\\\", \\\"401\\\": \\\"grow\\\", \\\"402\\\": \\\"tol\\\", \\\"403\\\": \\\"little\\\", \\\"404\\\": \\\"mostly\\\", \\\"405\\\": \\\"there's\\\", \\\"406\\\": \\\"crate\\\", \\\"407\\\": \\\"next\\\", \\\"408\\\": \\\"thats\\\", \\\"409\\\": \\\"great\\\", \\\"410\\\": \\\"walle\\\", \\\"411\\\": \\\"easier\\\", \\\"412\\\": \\\"selling\\\", \\\"413\\\": \\\"in't\\\", \\\"414\\\": \\\"bring\\\", \\\"415\\\": \\\"earn\\\", \\\"416\\\": \\\"reach\\\", \\\"417\\\": \\\"100\\\", \\\"418\\\": \\\"million\\\", \\\"419\\\": \\\"ae\\\", \\\"420\\\": \\\"mega\\\", \\\"421\\\": \\\"playe\\\", \\\"422\\\": \\\"cause\\\", \\\"423\\\": \\\"screen\\\", \\\"424\\\": \\\"currently\\\", \\\"425\\\": \\\"investor\\\", \\\"426\\\": \\\"term\\\", \\\"427\\\": \\\"user\\\", \\\"428\\\": \\\"available\\\", \\\"429\\\": \\\"gen\\\", \\\"430\\\": \\\"mass\\\", \\\"431\\\": \\\"scale\\\", \\\"432\\\": \\\"clubhouse\\\", \\\"433\\\": \\\"ayo\\\", \\\"434\\\": \\\"meeting\\\", \\\"435\\\": \\\"bag\\\", \\\"436\\\": \\\"walking\\\", \\\"437\\\": \\\"come\\\", \\\"438\\\": \\\"special\\\", \\\"439\\\": \\\"gran\\\", \\\"440\\\": \\\"elon\\\", \\\"441\\\": \\\"known\\\", \\\"442\\\": \\\"musk\\\", \\\"443\\\": \\\"ue\\\", \\\"444\\\": \\\"have\\\", \\\"445\\\": \\\"aske\\\", \\\"446\\\": \\\"expect\\\", \\\"447\\\": \\\"visit\\\", \\\"448\\\": \\\"consiering\\\", \\\"449\\\": \\\"egens\\\", \\\"450\\\": \\\"buy\\\", \\\"451\\\": \\\"following\\\", \\\"452\\\": \\\"low\\\", \\\"453\\\": \\\"free\\\", \\\"454\\\": \\\"fit\\\", \\\"455\\\": \\\"rate\\\", \\\"456\\\": \\\"fashion\\\", \\\"457\\\": \\\"pretty\\\", \\\"458\\\": \\\"concept\\\", \\\"459\\\": \\\"explain\\\", \\\"460\\\": \\\"concert\\\", \\\"461\\\": \\\"let\\\\u2019s\\\", \\\"462\\\": \\\"learn\\\", \\\"463\\\": \\\"tv\\\", \\\"464\\\": \\\"news\\\", \\\"465\\\": \\\"fuck\\\", \\\"466\\\": \\\"'metaverse'\\\", \\\"467\\\": \\\"waiting\\\", \\\"468\\\": \\\"from\\\", \\\"469\\\": \\\"earth\\\", \\\"470\\\": \\\"morning\\\", \\\"471\\\": \\\"y'all\\\", \\\"472\\\": \\\"looke\\\", \\\"473\\\": \\\"cyber\\\", \\\"474\\\": \\\"meet\\\", \\\"475\\\": \\\"living\\\", \\\"476\\\": \\\"virtually\\\", \\\"477\\\": \\\"bro\\\", \\\"478\\\": \\\"owning\\\", \\\"479\\\": \\\"super\\\", \\\"480\\\": \\\"same\\\", \\\"481\\\": \\\"reay\\\", \\\"482\\\": \\\"infrastructure\\\", \\\"483\\\": \\\"what's\\\", \\\"484\\\": \\\"since\\\", \\\"485\\\": \\\"welcome\\\", \\\"486\\\": \\\"age\\\", \\\"487\\\": \\\"o\\\", \\\"488\\\": \\\"minute\\\", \\\"489\\\": \\\"son\\\", \\\"490\\\": \\\"ought\\\", \\\"491\\\": \\\"poetry\\\", \\\"492\\\": \\\"power\\\", \\\"493\\\": \\\"bitcoin\\\", \\\"494\\\": \\\"universal\\\", \\\"495\\\": \\\"system\\\", \\\"496\\\": \\\"2021\\\", \\\"497\\\": \\\"20\\\", \\\"498\\\": \\\"jump\\\", \\\"499\\\": \\\"suck\\\", \\\"500\\\": \\\"along\\\", \\\"501\\\": \\\"realize\\\", \\\"502\\\": \\\"multiverse\\\", \\\"503\\\": \\\"link\\\", \\\"504\\\": \\\"calling\\\", \\\"505\\\": \\\"switch\\\", \\\"506\\\": \\\"them\\\", \\\"507\\\": \\\"nftart\\\", \\\"508\\\": \\\"rise\\\", \\\"509\\\": \\\"inclusive\\\", \\\"510\\\": \\\"sovereign\\\", \\\"511\\\": \\\"huge\\\", \\\"512\\\": \\\"sie\\\", \\\"513\\\": \\\"young\\\", \\\"514\\\": \\\"i'\\\", \\\"515\\\": \\\"luck\\\", \\\"516\\\": \\\"cant\\\", \\\"517\\\": \\\"gucci\\\", \\\"518\\\": \\\"etc\\\", \\\"519\\\": \\\"problem\\\", \\\"520\\\": \\\"base\\\", \\\"521\\\": \\\"geolocation\\\", \\\"522\\\": \\\"ientity\\\", \\\"523\\\": \\\"virtualreality\\\", \\\"524\\\": \\\"mmorpg\\\", \\\"525\\\": \\\"others\\\", \\\"526\\\": \\\"wish\\\", \\\"527\\\": \\\"thinking\\\", \\\"528\\\": \\\"soon\\\", \\\"529\\\": \\\"wonering\\\", \\\"530\\\": \\\"scent\\\", \\\"531\\\": \\\"truly\\\", \\\"532\\\": \\\"netvrk\\\", \\\"533\\\": \\\"spens\\\", \\\"534\\\": \\\"sooner\\\", \\\"535\\\": \\\"cryptovoxels\\\", \\\"536\\\": \\\"fortnite\\\", \\\"537\\\": \\\"intereste\\\", \\\"538\\\": \\\"ape\\\", \\\"539\\\": \\\"tomorrow\\\", \\\"540\\\": \\\"na\\\", \\\"541\\\": \\\"check\\\", \\\"542\\\": \\\"homework\\\", \\\"543\\\": \\\"congrats\\\", \\\"544\\\": \\\"cryptoc\\\", \\\"545\\\": \\\"ear\\\", \\\"546\\\": \\\"anymore\\\", \\\"547\\\": \\\"piece\\\", \\\"548\\\": \\\"that's\\\", \\\"549\\\": \\\"creator\\\", \\\"550\\\": \\\"school\\\", \\\"551\\\": \\\"\\\\ud83d\\\\udc7e\\\", \\\"552\\\": \\\"favorite\\\", \\\"553\\\": \\\"creating\\\", \\\"554\\\": \\\"\\\\u201cscalability\\\", \\\"555\\\": \\\"\\\\u201d\\\", \\\"556\\\": \\\"envision\\\", \\\"557\\\": \\\"fee\\\", \\\"558\\\": \\\"hype\\\", \\\"559\\\": \\\"overprice\\\", \\\"560\\\": \\\"caters\\\", \\\"561\\\": \\\"small\\\", \\\"562\\\": \\\"wealthy\\\", \\\"563\\\": \\\"neither\\\", \\\"564\\\": \\\"forgive\\\", \\\"565\\\": \\\"impresse\\\", \\\"566\\\": \\\"yuga\\\", \\\"567\\\": \\\"lab\\\", \\\"568\\\": \\\"remine\\\", \\\"569\\\": \\\"learnt\\\", \\\"570\\\": \\\"stuying\\\", \\\"571\\\": \\\"pivot\\\", \\\"572\\\": \\\"easy\\\", \\\"573\\\": \\\"seem\\\", \\\"574\\\": \\\"either\\\", \\\"575\\\": \\\"munger\\\", \\\"576\\\": \\\"baba\\\", \\\"577\\\": \\\"buffett\\\", \\\"578\\\": \\\"rivian\\\", \\\"579\\\": \\\"airlines\\\", \\\"580\\\": \\\"finest\\\", \\\"581\\\": \\\"mistakes\\\", \\\"582\\\": \\\"farm\\\", \\\"583\\\": \\\"investment\\\", \\\"584\\\": \\\"iversify\\\", \\\"585\\\": \\\"lost\\\", \\\"586\\\": \\\"whoa\\\", \\\"587\\\": \\\"foot\\\", \\\"588\\\": \\\"calle\\\", \\\"589\\\": \\\"\\\\ud83d\\\\ude4fnamaste\\\", \\\"590\\\": \\\"persona\\\", \\\"591\\\": \\\"giggling\\\", \\\"592\\\": \\\"bit\\\", \\\"593\\\": \\\"hopefully\\\", \\\"594\\\": \\\"royal\\\", \\\"595\\\": \\\"palace\\\", \\\"596\\\": \\\"eff\\\", \\\"597\\\": \\\"ei\\\", \\\"598\\\": \\\"hometown\\\", \\\"599\\\": \\\"culture\\\", \\\"600\\\": \\\"foo\\\", \\\"601\\\": \\\"gosh\\\", \\\"602\\\": \\\"mainstream\\\", \\\"603\\\": \\\"means\\\", \\\"604\\\": \\\"zuckerburg\\\", \\\"605\\\": \\\"raining\\\", \\\"606\\\": \\\"umbass\\\", \\\"607\\\": \\\"venture\\\", \\\"608\\\": \\\"smile\\\", \\\"609\\\": \\\"gamer\\\", \\\"610\\\": \\\"pretentious\\\", \\\"611\\\": \\\"billionaire\\\", \\\"612\\\": \\\"bros\\\", \\\"613\\\": \\\"jerk\\\", \\\"614\\\": \\\"financialize\\\", \\\"615\\\": \\\"increibly\\\", \\\"616\\\": \\\"methos\\\", \\\"617\\\": \\\"appeal\\\", \\\"618\\\": \\\"w2\\\", \\\"619\\\": \\\"approach\\\", \\\"620\\\": \\\"similar\\\", \\\"621\\\": \\\"squatting\\\", \\\"622\\\": \\\"com\\\", \\\"623\\\": \\\"omains\\\", \\\"624\\\": \\\"oesn't\\\", \\\"625\\\": \\\"composability\\\", \\\"626\\\": \\\"w3\\\", \\\"627\\\": \\\"central\\\", \\\"628\\\": \\\"authority\\\", \\\"629\\\": \\\"restricting\\\", \\\"630\\\": \\\"supply\\\", \\\"631\\\": \\\"journey\\\", \\\"632\\\": \\\"patience\\\", \\\"633\\\": \\\"extremes\\\", \\\"634\\\": \\\"wanering\\\", \\\"635\\\": \\\"phones\\\", \\\"636\\\": \\\"communicating\\\", \\\"637\\\": \\\"taking\\\", \\\"638\\\": \\\"scenery\\\", \\\"639\\\": \\\"sa\\\", \\\"640\\\": \\\"we've\\\", \\\"641\\\": \\\"mclaren\\\", \\\"642\\\": \\\"chapter\\\", \\\"643\\\": \\\"automotive\\\", \\\"644\\\": \\\"strategize\\\", \\\"645\\\": \\\"strategy\\\", \\\"646\\\": \\\"claim\\\", \\\"647\\\": \\\"leaership\\\", \\\"648\\\": \\\"b2b\\\", \\\"649\\\": \\\"showroom\\\", \\\"650\\\": \\\"consumers\\\", \\\"651\\\": \\\"though\\\", \\\"652\\\": \\\"aopting\\\", \\\"653\\\": \\\"curiosity\\\", \\\"654\\\": \\\"seekers\\\", \\\"655\\\": \\\"rawn\\\", \\\"656\\\": \\\"hang\\\", \\\"657\\\": \\\"later\\\", \\\"658\\\": \\\"gat\\\", \\\"659\\\": \\\"gaget\\\", \\\"660\\\": \\\"promote\\\", \\\"661\\\": \\\"kinf\\\", \\\"662\\\": \\\"\\\\ud83d\\\\udc51\\\", \\\"663\\\": \\\"jesus\\\", \\\"664\\\": \\\"secon\\\", \\\"665\\\": \\\"avice\\\", \\\"666\\\": \\\"whatever\\\", \\\"667\\\": \\\"facts\\\", \\\"668\\\": \\\"330mil\\\\u2026\\\", \\\"669\\\": \\\"fp\\\", \\\"670\\\": \\\"rocket\\\", \\\"671\\\": \\\"reinvest\\\", \\\"672\\\": \\\"ambitious\\\", \\\"673\\\": \\\"ruler\\\", \\\"674\\\": \\\"ahea\\\", \\\"675\\\": \\\"prj\\\", \\\"676\\\": \\\"rn\\\", \\\"677\\\": \\\"mf\\\", \\\"678\\\": \\\"\\\\ud83e\\\\udd23\\\", \\\"679\\\": \\\"e\\\", \\\"680\\\": \\\"inferno\\\", \\\"681\\\": \\\"misse\\\", \\\"682\\\": \\\"claymates\\\", \\\"683\\\": \\\"31k\\\", \\\"684\\\": \\\"fees\\\", \\\"685\\\": \\\"gets\\\", \\\"686\\\": \\\"smart\\\", \\\"687\\\": \\\"contract\\\", \\\"688\\\": \\\"proven\\\", \\\"689\\\": \\\"withstan\\\", \\\"690\\\": \\\"congestion\\\", \\\"691\\\": \\\"common\\\", \\\"692\\\": \\\"misconception\\\", \\\"693\\\": \\\"location\\\", \\\"694\\\": \\\"matters\\\", \\\"695\\\": \\\"unless\\\", \\\"696\\\": \\\"inten\\\", \\\"697\\\": \\\"aimlessly\\\", \\\"698\\\": \\\"everywhere\\\", \\\"699\\\": \\\"rtfkt\\\", \\\"700\\\": \\\"po\\\", \\\"701\\\": \\\"simply\\\", \\\"702\\\": \\\"teleport\\\", \\\"703\\\": \\\"estination\\\", \\\"704\\\": \\\"fix\\\", \\\"705\\\": \\\"matrix\\\", \\\"706\\\": \\\"40\\\", \\\"707\\\": \\\"pugy\\\", \\\"708\\\": \\\"irl\\\", \\\"709\\\": \\\"pay\\\", \\\"710\\\": \\\"collectable\\\", \\\"711\\\": \\\"ap\\\", \\\"712\\\": \\\"rolex\\\", \\\"713\\\": \\\"guitar\\\", \\\"714\\\": \\\"srv\\\", \\\"715\\\": \\\"jimmy\\\", \\\"716\\\": \\\"henrix\\\", \\\"717\\\": \\\"ross\\\", \\\"718\\\": \\\"painting\\\", \\\"719\\\": \\\"metronome\\\", \\\"720\\\": \\\"maria\\\", \\\"721\\\": \\\"callas\\\", \\\"722\\\": \\\"sol\\\", \\\"723\\\": \\\"245\\\", \\\"724\\\": \\\"worth\\\", \\\"725\\\": \\\"launching\\\", \\\"726\\\": \\\"zuckerberg's\\\", \\\"727\\\": \\\"collapse\\\", \\\"728\\\": \\\"pile\\\", \\\"729\\\": \\\"shite\\\", \\\"730\\\": \\\"cnn\\\", \\\"731\\\": \\\"shape\\\", \\\"732\\\": \\\"chairman\\\", \\\"733\\\": \\\"chapek\\\", \\\"734\\\": \\\"speaks\\\", \\\"735\\\": \\\"eication\\\", \\\"736\\\": \\\"ceremony\\\", \\\"737\\\": \\\"star\\\", \\\"738\\\": \\\"wars\\\", \\\"739\\\": \\\"galaxy's\\\", \\\"740\\\": \\\"ege\\\", \\\"741\\\": \\\"aug\\\", \\\"742\\\": \\\"28\\\", \\\"743\\\": \\\"2019\\\", \\\"744\\\": \\\"walt\\\", \\\"745\\\": \\\"worl's\\\", \\\"746\\\": \\\"hollywoo\\\", \\\"747\\\": \\\"stuios\\\", \\\"748\\\": \\\"oriente\\\", \\\"749\\\": \\\"network\\\", \\\"750\\\": \\\"io\\\", \\\"751\\\": \\\"29\\\", \\\"752\\\": \\\"gamefi\\\", \\\"753\\\": \\\"rekite\\\", \\\"754\\\": \\\"automobile\\\", \\\"755\\\": \\\"gem\\\", \\\"756\\\": \\\"jewellery\\\", \\\"757\\\": \\\"travel\\\", \\\"758\\\": \\\"firm\\\", \\\"759\\\": \\\"renition\\\", \\\"760\\\": \\\"heagear\\\", \\\"761\\\": \\\"content\\\", \\\"762\\\": \\\"stop\\\", \\\"763\\\": \\\"introucing\\\", \\\"764\\\": \\\"2017\\\", \\\"765\\\": \\\"amawithsahguru\\\", \\\"766\\\": \\\"namaskaram\\\", \\\"767\\\": \\\"sahguru\\\", \\\"768\\\": \\\"fascinate\\\", \\\"769\\\": \\\"savesoil\\\", \\\"770\\\": \\\"sahgurujv\\\", \\\"771\\\": \\\"cpsavesoil\\\", \\\"772\\\": \\\"curious\\\", \\\"773\\\": \\\"\\\\u201cgo\\\\u201d\\\", \\\"774\\\": \\\"clunky\\\", \\\"775\\\": \\\"realise\\\", \\\"776\\\": \\\"vaporwave\\\", \\\"777\\\": \\\"minless\\\", \\\"778\\\": \\\"boomer\\\", \\\"779\\\": \\\"sales\\\", \\\"780\\\": \\\"thrown\\\", \\\"781\\\": \\\"vapourware\\\", \\\"782\\\": \\\"icos\\\", \\\"783\\\": \\\"prop\\\", \\\"784\\\": \\\"usp\\\", \\\"785\\\": \\\"casino\\\", \\\"786\\\": \\\"\\\\ud83e\\\\udd14\\\", \\\"787\\\": \\\"spening\\\", \\\"788\\\": \\\"holiays\\\", \\\"789\\\": \\\"unreal\\\", \\\"790\\\": \\\"efinitely\\\", \\\"791\\\": \\\"fair\\\", \\\"792\\\": \\\"gotta\\\", \\\"793\\\": \\\"plunge\\\", \\\"794\\\": \\\"inonesia\\\", \\\"795\\\": \\\"bull\\\", \\\"796\\\": \\\"cycle\\\", \\\"797\\\": \\\"simultaneously\\\", \\\"798\\\": \\\"experiencing\\\", \\\"799\\\": \\\"centre\\\", \\\"800\\\": \\\"two\\\", \\\"801\\\": \\\"lifetimes\\\", \\\"802\\\": \\\"kill\\\", \\\"803\\\": \\\"99\\\", \\\"804\\\": \\\"9\\\", \\\"805\\\": \\\"run\\\", \\\"806\\\": \\\"typically\\\", \\\"807\\\": \\\"ill\\\", \\\"808\\\": \\\"scarce\\\", \\\"809\\\": \\\"borering\\\", \\\"810\\\": \\\"cash\\\", \\\"811\\\": \\\"grab\\\", \\\"812\\\": \\\"serf\\\", \\\"813\\\": \\\"convince\\\", \\\"814\\\": \\\"01\\\", \\\"815\\\": \\\"punks\\\", \\\"816\\\": \\\"happen\\\", \\\"817\\\": \\\"punk\\\", \\\"818\\\": \\\"warren\\\", \\\"819\\\": \\\"buffet\\\", \\\"820\\\": \\\"on\\\", \\\"821\\\": \\\"embrace\\\", \\\"822\\\": \\\"spacex\\\", \\\"823\\\": \\\"tesla\\\", \\\"824\\\": \\\"elonmusk\\\", \\\"825\\\": \\\"unelegant\\\", \\\"826\\\": \\\"enless\\\", \\\"827\\\": \\\"warcraft\\\", \\\"828\\\": \\\"vast\\\", \\\"829\\\": \\\"avatars\\\", \\\"830\\\": \\\"filmmaker\\\", \\\"831\\\": \\\"alike\\\", \\\"832\\\": \\\"recognize\\\", \\\"833\\\": \\\"trope\\\", \\\"834\\\": \\\"\\\\u2014\\\", \\\"835\\\": \\\"filmmaking\\\", \\\"836\\\": \\\"08\\\", \\\"837\\\": \\\"00am\\\", \\\"838\\\": \\\"by\\\", \\\"839\\\": \\\"jenna\\\", \\\"840\\\": \\\"benchetrit\\\", \\\"841\\\": \\\"\\\\u2026\\\", \\\"842\\\": \\\"emystifying\\\", \\\"843\\\": \\\"imperative\\\", \\\"844\\\": \\\"kina\\\", \\\"845\\\": \\\"sketchy\\\", \\\"846\\\": \\\"showing\\\", \\\"847\\\": \\\"late\\\", \\\"848\\\": \\\"\\\\ud83d\\\\ude11\\\", \\\"849\\\": \\\"\\\\u2665\\\\ufe0f\\\", \\\"850\\\": \\\"riiculous\\\", \\\"851\\\": \\\"certain\\\", \\\"852\\\": \\\"tonight\\\", \\\"853\\\": \\\"extremely\\\", \\\"854\\\": \\\"grateful\\\", \\\"855\\\": \\\"folk\\\", \\\"856\\\": \\\"punk6529\\\", \\\"857\\\": \\\"ecentralization\\\", \\\"858\\\": \\\"tweet\\\", \\\"859\\\": \\\"lea\\\", \\\"860\\\": \\\"mfers\\\", \\\"861\\\": \\\"uty\\\", \\\"862\\\": \\\"yooo\\\", \\\"863\\\": \\\"egenix\\\", \\\"864\\\": \\\"claime\\\", \\\"865\\\": \\\"neighbors\\\", \\\"866\\\": \\\"generational\\\", \\\"867\\\": \\\"wealth\\\", \\\"868\\\": \\\"rfox\\\", \\\"869\\\": \\\"vfox\\\", \\\"870\\\": \\\"rest\\\", \\\"871\\\": \\\"utter\\\", \\\"872\\\": \\\"ogshit\\\", \\\"873\\\": \\\"proucts\\\", \\\"874\\\": \\\"lure\\\", \\\"875\\\": \\\"12\\\", \\\"876\\\": \\\"meta's\\\", \\\"877\\\": \\\"true\\\", \\\"878\\\": \\\"here's\\\", \\\"879\\\": \\\"fork\\\", \\\"880\\\": \\\"club\\\", \\\"881\\\": \\\"auction\\\", \\\"882\\\": \\\"noticing\\\", \\\"883\\\": \\\"tq\\\", \\\"884\\\": \\\"unervalue\\\", \\\"885\\\": \\\"\\\\ud83d\\\\ude22\\\", \\\"886\\\": \\\"absur\\\", \\\"887\\\": \\\"bench\\\", \\\"888\\\": \\\"gather\\\", \\\"889\\\": \\\"floria\\\", \\\"890\\\": \\\"race\\\", \\\"891\\\": \\\"example\\\", \\\"892\\\": \\\"hype'\\\", \\\"893\\\": \\\"raising'\\\", \\\"894\\\": \\\"'pre\\\", \\\"895\\\": \\\"launch'\\\", \\\"896\\\": \\\"became\\\", \\\"897\\\": \\\"rent\\\", \\\"898\\\": \\\"bitch\\\", \\\"899\\\": \\\"monkey's\\\", \\\"900\\\": \\\"basic\\\", \\\"901\\\": \\\"version\\\", \\\"902\\\": \\\"internalize\\\", \\\"903\\\": \\\"insie\\\", \\\"904\\\": \\\"require\\\", \\\"905\\\": \\\"neuralink\\\", \\\"906\\\": \\\"turn\\\", \\\"907\\\": \\\"tho\\\", \\\"908\\\": \\\"inception\\\", \\\"909\\\": \\\"shook\\\\u2026\\\", \\\"910\\\": \\\"unpopular\\\", \\\"911\\\": \\\"burger\\\", \\\"912\\\": \\\"\\\\ud83d\\\\ude29\\\\ud83d\\\\ude29\\\", \\\"913\\\": \\\"fall\\\", \\\"914\\\": \\\"\\\\ud83e\\\\udd0d\\\\ud83e\\\\udd0d\\\\ud83e\\\\udd0d\\\", \\\"915\\\": \\\"runescape\\\", \\\"916\\\": \\\"main\\\", \\\"917\\\": \\\"otherees\\\", \\\"918\\\": \\\"similarity\\\", \\\"919\\\": \\\"unlike\\\", \\\"920\\\": \\\"personal\\\", \\\"921\\\": \\\"relationship\\\", \\\"922\\\": \\\"ners\\\", \\\"923\\\": \\\"hq\\\", \\\"924\\\": \\\"voice\\\", \\\"925\\\": \\\"absolutely\\\", \\\"926\\\": \\\"slaying\\\", \\\"927\\\": \\\"organize\\\", \\\"928\\\": \\\"upates\\\", \\\"929\\\": \\\"prou\\\", \\\"930\\\": \\\"\\\\ud83d\\\\udcaa\\\", \\\"931\\\": \\\"truth\\\", \\\"932\\\": \\\"ppl\\\", \\\"933\\\": \\\"tire\\\", \\\"934\\\": \\\"emerge\\\", \\\"935\\\": \\\"tik\\\", \\\"936\\\": \\\"tok\\\", \\\"937\\\": \\\"oesnt\\\", \\\"938\\\": \\\"exist\\\", \\\"939\\\": \\\"multi\\\", \\\"940\\\": \\\"ollar\\\", \\\"941\\\": \\\"google\\\", \\\"942\\\": \\\"translating\\\", \\\"943\\\": \\\"profile\\\", \\\"944\\\": \\\"follower\\\", \\\"945\\\": \\\"foun\\\", \\\"946\\\": \\\"collect\\\", \\\"947\\\": \\\"conspiracy\\\", \\\"948\\\": \\\"theory\\\", \\\"949\\\": \\\"theyre\\\", \\\"950\\\": \\\"killing\\\", \\\"951\\\": \\\"site\\\", \\\"952\\\": \\\"normie\\\", \\\"953\\\": \\\"alcoholic\\\", \\\"954\\\": \\\"canceling\\\", \\\"955\\\": \\\"saturay\\\", \\\"956\\\": \\\"plan\\\", \\\"957\\\": \\\"wallet\\\", \\\"958\\\": \\\"0x95b23a7f69a254b6c4006f2eccb4abc3bc2589\\\", \\\"959\\\": \\\"utility\\\", \\\"960\\\": \\\"accomplish\\\", \\\"961\\\": \\\"capacity\\\", \\\"962\\\": \\\"everyay\\\", \\\"963\\\": \\\"person\\\", \\\"964\\\": \\\"fi\\\", \\\"965\\\": \\\"ifficult\\\", \\\"966\\\": \\\"ifferentiate\\\", \\\"967\\\": \\\"mechanic\\\", \\\"968\\\": \\\"oa\\\", \\\"969\\\": \\\"2025\\\", \\\"970\\\": \\\"brooklyn\\\", \\\"971\\\": \\\"unlimite\\\", \\\"972\\\": \\\"renering\\\", \\\"973\\\": \\\"customizable\\\", \\\"974\\\": \\\"match\\\", \\\"975\\\": \\\"graphically\\\", \\\"976\\\": \\\"representation\\\", \\\"977\\\": \\\"'normal'\\\", \\\"978\\\": \\\"irect\\\", \\\"979\\\": \\\"stimulation\\\", \\\"980\\\": \\\"luci\\\", \\\"981\\\": \\\"mom\\\", \\\"982\\\": \\\"close\\\", \\\"983\\\": \\\"leaing\\\", \\\"984\\\": \\\"qanon\\\", \\\"985\\\": \\\"transitioning\\\", \\\"986\\\": \\\"obvious\\\", \\\"987\\\": \\\"expensive\\\", \\\"988\\\": \\\"clothing\\\", \\\"989\\\": \\\"bahahahahhahahahhaha\\\", \\\"990\\\": \\\"nakemeta\\\", \\\"991\\\": \\\"fronts\\\", \\\"992\\\": \\\"malls\\\", \\\"993\\\": \\\"eucational\\\", \\\"994\\\": \\\"center\\\", \\\"995\\\": \\\"accessible\\\", \\\"996\\\": \\\"thru\\\", \\\"997\\\": \\\"listen\\\", \\\"998\\\": \\\"zuck\\\", \\\"999\\\": \\\"reinventing\\\", \\\"1000\\\": \\\"wheel\\\", \\\"1001\\\": \\\"cinnamonvector\\\", \\\"1002\\\": \\\"k\\\", \\\"1003\\\": \\\"rone\\\", \\\"1004\\\": \\\"rave\\\", \\\"1005\\\": \\\"meiterranean\\\", \\\"1006\\\": \\\"boring\\\", \\\"1007\\\": \\\"forever\\\", \\\"1008\\\": \\\"except\\\", \\\"1009\\\": \\\"suppose\\\", \\\"1010\\\": \\\"places\\\", \\\"1011\\\": \\\"corporate\\\", \\\"1012\\\": \\\"paris\\\", \\\"1013\\\": \\\"hilton\\\", \\\"1014\\\": \\\"name\\\", \\\"1015\\\": \\\"queen\\\", \\\"1016\\\": \\\"noboy\\\", \\\"1017\\\": \\\"asshole\\\", \\\"1018\\\": \\\"lay\\\", \\\"1019\\\": \\\"\\\\ud83d\\\\udc49\\\\ud83c\\\\udffd\\\\ud83d\\\\udc4c\\\\ud83c\\\\udffdin\\\", \\\"1020\\\": \\\"han\\\", \\\"1021\\\": \\\"motion\\\", \\\"1022\\\": \\\"\\\\ud83d\\\\ude21\\\", \\\"1023\\\": \\\"\\\\u2018metaverse\\\\u2019\\\", \\\"1024\\\": \\\"gta\\\", \\\"1025\\\": \\\"isn\\\\u2019t\\\", \\\"1026\\\": \\\"aa\\\", \\\"1027\\\": \\\"q\\\", \\\"1028\\\": \\\"mazerunner\\\", \\\"1029\\\": \\\"consiers\\\", \\\"1030\\\": \\\"communicate\\\", \\\"1031\\\": \\\"communication\\\", \\\"1032\\\": \\\"although\\\", \\\"1033\\\": \\\"birkin\\\", \\\"1034\\\": \\\"remains\\\", \\\"1035\\\": \\\"craftsmanship\\\", \\\"1036\\\": \\\"optimize\\\", \\\"1037\\\": \\\"massive\\\", \\\"1038\\\": \\\"paraigm\\\", \\\"1039\\\": \\\"progressive\\\", \\\"1040\\\": \\\"proof\\\", \\\"1041\\\": \\\"maturing\\\", \\\"1042\\\": \\\"class\\\", \\\"1043\\\": \\\"however\\\", \\\"1044\\\": \\\"forget\\\", \\\"1045\\\": \\\"woner\\\", \\\"1046\\\": \\\"we'll\\\", \\\"1047\\\": \\\"hologram\\\", \\\"1048\\\": \\\"society\\\", \\\"1049\\\": \\\"normal\\\", \\\"1050\\\": \\\"lives\\\", \\\"1051\\\": \\\"generation\\\", \\\"1052\\\": \\\"grass\\\", \\\"1053\\\": \\\"trees\\\", \\\"1054\\\": \\\"af\\\", \\\"1055\\\": \\\"often\\\", \\\"1056\\\": \\\"evice\\\", \\\"1057\\\": \\\"whether\\\", \\\"1058\\\": \\\"watching\\\", \\\"1059\\\": \\\"movie\\\", \\\"1060\\\": \\\"chatting\\\", \\\"1061\\\": \\\"vieo\\\", \\\"1062\\\": \\\"satisfaction\\\", \\\"1063\\\": \\\"opamine\\\", \\\"1064\\\": \\\"unhook\\\", \\\"1065\\\": \\\"cheating\\\", \\\"1066\\\": \\\"aopte\\\", \\\"1067\\\": \\\"they\\\\u2019re\\\", \\\"1068\\\": \\\"sexually\\\", \\\"1069\\\": \\\"assaulting\\\", \\\"1070\\\": \\\"raping\\\", \\\"1071\\\": \\\"bigger\\\", \\\"1072\\\": \\\"critical\\\", \\\"1073\\\": \\\"sorry\\\", \\\"1074\\\": \\\"spatial\\\", \\\"1075\\\": \\\"but\\\\u2014alreay\\\", \\\"1076\\\": \\\"is\\\\u2014temporal\\\", \\\"1077\\\": \\\"attention\\\", \\\"1078\\\": \\\"ancers\\\", \\\"1079\\\": \\\"imma\\\", \\\"1080\\\": \\\"\\\\ud83d\\\\ude02\\\", \\\"1081\\\": \\\"wanting\\\", \\\"1082\\\": \\\"lock\\\", \\\"1083\\\": \\\"covi\\\", \\\"1084\\\": \\\"crime\\\", \\\"1085\\\": \\\"fear\\\", \\\"1086\\\": \\\"enter\\\", \\\"1087\\\": \\\"reucing\\\", \\\"1088\\\": \\\"footprint\\\", \\\"1089\\\": \\\"control\\\", \\\"1090\\\": \\\"gamers\\\", \\\"1091\\\": \\\"giant\\\", \\\"1092\\\": \\\"sticking\\\", \\\"1093\\\": \\\"entire\\\", \\\"1094\\\": \\\"\\\\ud83d\\\\udcaf\\\", \\\"1095\\\": \\\"pls\\\", \\\"1096\\\": \\\"panel\\\", \\\"1097\\\": \\\"they\\\", \\\"1098\\\": \\\"b\\\", \\\"1099\\\": \\\"app\\\", \\\"1100\\\": \\\"faker\\\", \\\"1101\\\": \\\"sleep\\\", \\\"1102\\\": \\\"fr\\\", \\\"1103\\\": \\\"remin\\\", \\\"1104\\\": \\\"akira\\\\u2019s\\\", \\\"1105\\\": \\\"shoe\\\", \\\"1106\\\": \\\"pointe\\\", \\\"1107\\\": \\\"seriously\\\", \\\"1108\\\": \\\"cease\\\", \\\"1109\\\": \\\"exciting\\\", \\\"1110\\\": \\\"aictive\\\", \\\"1111\\\": \\\"nftcommunity\\\", \\\"1112\\\": \\\"sheeesh\\\", \\\"1113\\\": \\\"whole\\\", \\\"1114\\\": \\\"evelopment\\\", \\\"1115\\\": \\\"2037\\\", \\\"1116\\\": \\\"vibration\\\", \\\"1117\\\": \\\"favor\\\", \\\"1118\\\": \\\"\\\\u26a1\\\\ufe0f\\\", \\\"1119\\\": \\\"hub\\\", \\\"1120\\\": \\\"woahh\\\", \\\"1121\\\": \\\"matterverse\\\", \\\"1122\\\": \\\"convergence\\\", \\\"1123\\\": \\\"enhance\\\", \\\"1124\\\": \\\"physically\\\", \\\"1125\\\": \\\"persistent\\\", \\\"1126\\\": \\\"incluing\\\", \\\"1127\\\": \\\"sum\\\", \\\"1128\\\": \\\"scary\\\", \\\"1129\\\": \\\"likely\\\", \\\"1130\\\": \\\"verse\\\", \\\"1131\\\": \\\"sucks\\\", \\\"1132\\\": \\\"aj\\\", \\\"1133\\\": \\\"complete\\\", \\\"1134\\\": \\\"rule\\\", \\\"1135\\\": \\\"physic\\\", \\\"1136\\\": \\\"limitation\\\", \\\"1137\\\": \\\"mol\\\", \\\"1138\\\": \\\"cage\\\", \\\"1139\\\": \\\"lie\\\", \\\"1140\\\": \\\"pyrami\\\", \\\"1141\\\": \\\"scheme\\\", \\\"1142\\\": \\\"provemewrong\\\", \\\"1143\\\": \\\"parcel\\\", \\\"1144\\\": \\\"greatest\\\", \\\"1145\\\": \\\"regret\\\", \\\"1146\\\": \\\"5years\\\", \\\"1147\\\": \\\"\\\\ud83d\\\\ude09\\\", \\\"1148\\\": \\\"ago\\\", \\\"1149\\\": \\\"largest\\\", \\\"1150\\\": \\\"unerneath\\\", \\\"1151\\\": \\\"win\\\", \\\"1152\\\": \\\"fire\\\", \\\"1153\\\": \\\"cringing\\\", \\\"1154\\\": \\\"imo\\\", \\\"1155\\\": \\\"\\\\u26a1\\\\ufe0f\\\\u26a1\\\\ufe0f\\\\u26a1\\\\ufe0f\\\", \\\"1156\\\": \\\"champions\\\", \\\"1157\\\": \\\"heck\\\", \\\"1158\\\": \\\"being\\\", \\\"1159\\\": \\\"sustainable\\\", \\\"1160\\\": \\\"strong\\\", \\\"1161\\\": \\\"priority\\\", \\\"1162\\\": \\\"veve\\\", \\\"1163\\\": \\\"ecomi\\\", \\\"1164\\\": \\\"founing\\\", \\\"1165\\\": \\\"neutrality\\\", \\\"1166\\\": \\\"plege\\\", \\\"1167\\\": \\\"towar\\\", \\\"1168\\\": \\\"making\\\", \\\"1169\\\": \\\"collectible\\\", \\\"1170\\\": \\\"part\\\", \\\"1171\\\": \\\"green\\\", \\\"1172\\\": \\\"environmentally\\\", \\\"1173\\\": \\\"frienly\\\", \\\"1174\\\": \\\"businesses\\\", \\\"1175\\\": \\\"boson\\\", \\\"1176\\\": \\\"protocol\\\", \\\"1177\\\": \\\"worl\\\\u2019s\\\", \\\"1178\\\": \\\"billboar\\\", \\\"1179\\\": \\\"recruitment\\\", \\\"1180\\\": \\\"campaign\\\", \\\"1181\\\": \\\"\\\\ud83d\\\\ude80\\\", \\\"1182\\\": \\\"escribe\\\", \\\"1183\\\": \\\"block\\\", \\\"1184\\\": \\\"revision\\\", \\\"1185\\\": \\\"reverse\\\", \\\"1186\\\": \\\"politics\\\", \\\"1187\\\": \\\"war\\\", \\\"1188\\\": \\\"liberty\\\", \\\"1189\\\": \\\"commerce\\\", \\\"1190\\\": \\\"john\\\", \\\"1191\\\": \\\"aams\\\", \\\"1192\\\": \\\"if\\\", \\\"1193\\\": \\\"spac\\\", \\\"1194\\\": \\\"cryptocurrency\\\", \\\"1195\\\": \\\"will\\\", \\\"1196\\\": \\\"sz\\\", \\\"1197\\\": \\\"\\\\ud83d\\\\ude44\\\", \\\"1198\\\": \\\"streame\\\", \\\"1199\\\": \\\"mona\\\", \\\"1200\\\": \\\"coffee\\\", \\\"1201\\\": \\\"restore\\\", \\\"1202\\\": \\\"sp\\\", \\\"1203\\\": \\\"lavenza\\\", \\\"1204\\\": \\\"sense\\\", \\\"1205\\\": \\\"maruki\\\", \\\"1206\\\": \\\"atabase\\\", \\\"1207\\\": \\\"financial\\\", \\\"1208\\\": \\\"global\\\", \\\"1209\\\": \\\"fiat\\\", \\\"1210\\\": \\\"solo\\\", \\\"1211\\\": \\\"founation\\\", \\\"1212\\\": \\\"elastos\\\", \\\"1213\\\": \\\"smartweb\\\", \\\"1214\\\": \\\"least\\\", \\\"1215\\\": \\\"now\\\\u2014\\\", \\\"1216\\\": \\\"simple\\\", \\\"1217\\\": \\\"tamperproof\\\", \\\"1218\\\": \\\"unbiase\\\", \\\"1219\\\": \\\"mathematically\\\", \\\"1220\\\": \\\"soun\\\", \\\"1221\\\": \\\"energy\\\", \\\"1222\\\": \\\"burne\\\", \\\"1223\\\": \\\"trustworthy\\\", \\\"1224\\\": \\\"who\\\\u2019s\\\", \\\"1225\\\": \\\"waste\\\", \\\"1226\\\": \\\"golf\\\", \\\"1227\\\": \\\"kakaovx\\\", \\\"1228\\\": \\\"sktelecom\\\", \\\"1229\\\": \\\"nb\\\", \\\"1230\\\": \\\"kakao\\\", \\\"1231\\\": \\\"vx\\\", \\\"1232\\\": \\\"northkorea\\\", \\\"1233\\\": \\\"cocktails\\\", \\\"1234\\\": \\\"minutes\\\", \\\"1235\\\": \\\"left\\\", \\\"1236\\\": \\\"gooo\\\", \\\"1237\\\": \\\"grueling\\\", \\\"1238\\\": \\\"barge\\\", \\\"1239\\\": \\\"march\\\", \\\"1240\\\": \\\"give\\\", \\\"1241\\\": \\\"eserve\\\", \\\"1242\\\": \\\"nowstreaming\\\", \\\"1243\\\": \\\"\\\\ufe0f\\\", \\\"1244\\\": \\\"kamisawze\\\", \\\"1245\\\": \\\"thevisionex\\\", \\\"1246\\\": \\\"creation\\\", \\\"1247\\\": \\\"gameesign\\\", \\\"1248\\\": \\\"gameev\\\", \\\"1249\\\": \\\"inieev\\\", \\\"1250\\\": \\\"safemoon\\\", \\\"1251\\\": \\\"assume\\\", \\\"1252\\\": \\\"saying\\\", \\\"1253\\\": \\\"matic\\\", \\\"1254\\\": \\\"lfg\\\", \\\"1255\\\": \\\"boom\\\", \\\"1256\\\": \\\"ecae\\\", \\\"1257\\\": \\\"currency\\\", \\\"1258\\\": \\\"also\\\", \\\"1259\\\": \\\"sov\\\", \\\"1260\\\": \\\"bon\\\", \\\"1261\\\": \\\"triple\\\", \\\"1262\\\": \\\"pas\\\", \\\"1263\\\": \\\"unerstoo\\\", \\\"1264\\\": \\\"banklesshq\\\", \\\"1265\\\": \\\"metaverse'\\\", \\\"1266\\\": \\\"set\\\", \\\"1267\\\": \\\"bar\\\", \\\"1268\\\": \\\"upgrae\\\", \\\"1269\\\": \\\"stress\\\", \\\"1270\\\": \\\"ultraverse\\\", \\\"1271\\\": \\\"megaverse\\\", \\\"1272\\\": \\\"turboverse\\\", \\\"1273\\\": \\\"maxiverse\\\", \\\"1274\\\": \\\"superuperverse\\\", \\\"1275\\\": \\\"omfgaverse\\\", \\\"1276\\\": \\\"fully\\\", \\\"1277\\\": \\\"isparate\\\", \\\"1278\\\": \\\"brings\\\", \\\"1279\\\": \\\"context\\\", \\\"1280\\\": \\\"relevance\\\", \\\"1281\\\": \\\"tangible\\\", \\\"1282\\\": \\\"ties\\\", \\\"1283\\\": \\\"reas\\\", \\\"1284\\\": \\\"car\\\", \\\"1285\\\": \\\"glow\\\", \\\"1286\\\": \\\"yellow\\\", \\\"1287\\\": \\\"outfit\\\", \\\"1288\\\": \\\"shaow\\\", \\\"1289\\\": \\\"over\\\", \\\"1290\\\": \\\"stuffe\\\", \\\"1291\\\": \\\"animals\\\", \\\"1292\\\": \\\"attening\\\", \\\"1293\\\": \\\"session\\\", \\\"1294\\\": \\\"\\\\ud83e\\\\udd7a\\\", \\\"1295\\\": \\\"twins\\\", \\\"1296\\\": \\\"mixe\\\", \\\"1297\\\": \\\"application\\\", \\\"1298\\\": \\\"\\\\ud83d\\\\udd25\\\\ud83e\\\\udd0c\\\\ud83c\\\\udffe\\\", \\\"1299\\\": \\\"msbuil\\\", \\\"1300\\\": \\\"msbuil2021\\\", \\\"1301\\\": \\\"anielarsham\\\", \\\"1302\\\": \\\"fan\\\", \\\"1303\\\": \\\"\\\\ud83e\\\\udd1d\\\\u2728\\\", \\\"1304\\\": \\\"friay\\\", \\\"1305\\\": \\\"\\\\ud83d\\\\udd25\\\", \\\"1306\\\": \\\"nftartists\\\", \\\"1307\\\": \\\"nftcollectors\\\", \\\"1308\\\": \\\"\\\\ud83d\\\\udc9a\\\", \\\"1309\\\": \\\"please\\\", \\\"1310\\\": \\\"eieganglan\\\", \\\"1311\\\": \\\"guess\\\", \\\"1312\\\": \\\"economic\\\", \\\"1313\\\": \\\"implication\\\", \\\"1314\\\": \\\"overstate\\\", \\\"1315\\\": \\\"alone\\\", \\\"1316\\\": \\\"another\\\", \\\"1317\\\": \\\"fact\\\", \\\"1318\\\": \\\"necessity\\\\ud83e\\\\uddf5\\\", \\\"1319\\\": \\\"tag\\\", \\\"1320\\\": \\\"traitor\\\", \\\"1321\\\": \\\"leave\\\", \\\"1322\\\": \\\"generally\\\", \\\"1323\\\": \\\"atleast\\\", \\\"1324\\\": \\\"speaking\\\", \\\"1325\\\": \\\"bol\\\", \\\"1326\\\": \\\"mission\\\", \\\"1327\\\": \\\"backe\\\", \\\"1328\\\": \\\"geek\\\", \\\"1329\\\": \\\"manifest\\\", \\\"1330\\\": \\\"via\\\", \\\"1331\\\": \\\"willpower\\\", \\\"1332\\\": \\\"elbow\\\", \\\"1333\\\": \\\"grease\\\", \\\"1334\\\": \\\"potentially\\\", \\\"1335\\\": \\\"promising\\\", \\\"1336\\\": \\\"grow\\\\u2705\\\\ud83d\\\\udd1c\\\", \\\"1337\\\": \\\"frien\\\", \\\"1338\\\": \\\"nbatopshot\\\", \\\"1339\\\": \\\"31\\\", \\\"1340\\\": \\\"maxi\\\", \\\"1341\\\": \\\"kleber\\\", \\\"1342\\\": \\\"nearly\\\", \\\"1343\\\": \\\"waking\\\", \\\"1344\\\": \\\"moment\\\", \\\"1345\\\": \\\"learning\\\", \\\"1346\\\": \\\"honor\\\", \\\"1347\\\": \\\"rie\\\", \\\"1348\\\": \\\"t\\\", \\\"1349\\\": \\\"collection\\\", \\\"1350\\\": \\\"reasoning\\\", \\\"1351\\\": \\\"each\\\", \\\"1352\\\": \\\"girl\\\", \\\"1353\\\": \\\"unerstans\\\", \\\"1354\\\": \\\"course\\\", \\\"1355\\\": \\\"ev\\\", \\\"1356\\\": \\\"eeterplays\\\", \\\"1357\\\": \\\"lobby\\\", \\\"1358\\\": \\\"fill\\\", \\\"1359\\\": \\\"quick\\\", \\\"1360\\\": \\\"fucking\\\", \\\"1361\\\": \\\"rigge\\\", \\\"1362\\\": \\\"tip\\\", \\\"1363\\\": \\\"recently\\\", \\\"1364\\\": \\\"events\\\", \\\"1365\\\": \\\"rb\\\", \\\"1366\\\": \\\"battle\\\", \\\"1367\\\": \\\"rp2\\\", \\\"1368\\\": \\\"insane\\\", \\\"1369\\\": \\\"valks\\\", \\\"1370\\\": \\\"shaers\\\", \\\"1371\\\": \\\"limites\\\", \\\"1372\\\": \\\"avise\\\", \\\"1373\\\": \\\"juge\\\", \\\"1374\\\": \\\"beacuse\\\", \\\"1375\\\": \\\"beautiful\\\", \\\"1376\\\": \\\"merrier\\\", \\\"1377\\\": \\\"force\\\", \\\"1378\\\": \\\"choose\\\", \\\"1379\\\": \\\"house\\\", \\\"1380\\\": \\\"ahhhh\\\", \\\"1381\\\": \\\"ethlings\\\", \\\"1382\\\": \\\"fast\\\", \\\"1383\\\": \\\"sooo\\\", \\\"1384\\\": \\\"shaes\\\", \\\"1385\\\": \\\"type\\\", \\\"1386\\\": \\\"character\\\", \\\"1387\\\": \\\"10x\\\", \\\"1388\\\": \\\"important\\\", \\\"1389\\\": \\\"\\\\ud83d\\\\udd76\\\", \\\"1390\\\": \\\"\\\\ud83d\\\\udccd\\\", \\\"1391\\\": \\\"non\\\", \\\"1392\\\": \\\"fungible\\\", \\\"1393\\\": \\\"\\\\ud83d\\\\udc8e\\\", \\\"1394\\\": \\\"bloom\\\", \\\"1395\\\": \\\"\\\\ud83d\\\\udd11\\\", \\\"1396\\\": \\\"\\\\ud83d\\\\udca1\\\\ud83e\\\\udd2f\\\\ud83c\\\\udf0f\\\", \\\"1397\\\": \\\"creativity\\\", \\\"1398\\\": \\\"limitless\\\", \\\"1399\\\": \\\"ssi\\\", \\\"1400\\\": \\\"ecentralizeientity\\\", \\\"1401\\\": \\\"aaaaah\\\", \\\"1402\\\": \\\"joy\\\", \\\"1403\\\": \\\"ahh\\\", \\\"1404\\\": \\\"mobile\\\", \\\"1405\\\": \\\"pc\\\\ud83d\\\\ude2d\\\", \\\"1406\\\": \\\"\\\\ud83d\\\\ude00\\\", \\\"1407\\\": \\\"gaming\\\", \\\"1408\\\": \\\"play2earn\\\", \\\"1409\\\": \\\"box\\\", \\\"1410\\\": \\\"missing\\\", \\\"1411\\\": \\\"final\\\", \\\"1412\\\": \\\"thank\\\", \\\"1413\\\": \\\"metaversechampions\\\", \\\"1414\\\": \\\"monthly\\\", \\\"1415\\\": \\\"users\\\", \\\"1416\\\": \\\"reit\\\", \\\"1417\\\": \\\"ama\\\", \\\"1418\\\": \\\"book\\\", \\\"1419\\\": \\\"\\\\ud83c\\\\udfc6\\\", \\\"1420\\\": \\\"are\\\\u2026\\\", \\\"1421\\\": \\\"malaysian\\\", \\\"1422\\\": \\\"connect\\\", \\\"1423\\\": \\\"hosting\\\", \\\"1424\\\": \\\"alot\\\", \\\"1425\\\": \\\"seeing\\\", \\\"1426\\\": \\\"collector\\\", \\\"1427\\\": \\\"aos\\\", \\\"1428\\\": \\\"meicis\\\", \\\"1429\\\": \\\"plural\\\", \\\"1430\\\": \\\"happene\\\", \\\"1431\\\": \\\"yakkopinky\\\", \\\"1432\\\": \\\"saw\\\", \\\"1433\\\": \\\"13th\\\", \\\"1434\\\": \\\"sneak\\\", \\\"1435\\\": \\\"peak\\\", \\\"1436\\\": \\\"blog\\\", \\\"1437\\\": \\\"ticket\\\", \\\"1438\\\": \\\"checke\\\", \\\"1439\\\": \\\"post\\\", \\\"1440\\\": \\\"mention\\\", \\\"1441\\\": \\\"atten\\\", \\\"1442\\\": \\\"anywho\\\", \\\"1443\\\": \\\"moving\\\", \\\"1444\\\": \\\"folks\\\", \\\"1445\\\": \\\"www\\\", \\\"1446\\\": \\\"style\\\", \\\"1447\\\": \\\"innovating\\\", \\\"1448\\\": \\\"privatize\\\", \\\"1449\\\": \\\"inclusion\\\", \\\"1450\\\": \\\"futuristic\\\", \\\"1451\\\": \\\"\\\\ud83e\\\\udd1e\\\", \\\"1452\\\": \\\"apparently\\\", \\\"1453\\\": \\\"islan\\\", \\\"1454\\\": \\\"strange\\\", \\\"1455\\\": \\\"nftsmart\\\", \\\"1456\\\": \\\"booke\\\", \\\"1457\\\": \\\"october\\\\ud83d\\\\udc40artists\\\", \\\"1458\\\": \\\"vibe\\\", \\\"1459\\\": \\\"interview\\\", \\\"1460\\\": \\\"exhibit\\\", \\\"1461\\\": \\\"38\\\", \\\"1462\\\": \\\"103\\\", \\\"1463\\\": \\\"expaning\\\", \\\"1464\\\": \\\"metaverses\\\", \\\"1465\\\": \\\"nftfreaks\\\", \\\"1466\\\": \\\"ajust\\\", \\\"1467\\\": \\\"asking\\\", \\\"1468\\\": \\\"price\\\", \\\"1469\\\": \\\"fluctuates\\\", \\\"1470\\\": \\\"artistic\\\", \\\"1471\\\": \\\"relative\\\", \\\"1472\\\": \\\"baby\\\", \\\"1473\\\": \\\"\\\\ud83d\\\\ude02\\\\ud83d\\\\ude02\\\", \\\"1474\\\": \\\"larger\\\", \\\"1475\\\": \\\"chunk\\\", \\\"1476\\\": \\\"hanging\\\", \\\"1477\\\": \\\"efault\\\", \\\"1478\\\": \\\"socialise\\\", \\\"1479\\\": \\\"perfumer\\\", \\\"1480\\\": \\\"note\\\", \\\"1481\\\": \\\"unique\\\", \\\"1482\\\": \\\"nftcollector\\\", \\\"1483\\\": \\\"nftartist\\\", \\\"1484\\\": \\\"metaversescent\\\", \\\"1485\\\": \\\"careful\\\", \\\"1486\\\": \\\"computing\\\", \\\"1487\\\": \\\"vague\\\", \\\"1488\\\": \\\"catchy\\\", \\\"1489\\\": \\\"terms\\\", \\\"1490\\\": \\\"guie\\\", \\\"1491\\\": \\\"revenue\\\", \\\"1492\\\": \\\"growth\\\", \\\"1493\\\": \\\"icing\\\", \\\"1494\\\": \\\"cake\\\", \\\"1495\\\": \\\"museum\\\", \\\"1496\\\": \\\"showcase\\\", \\\"1497\\\": \\\"wie\\\", \\\"1498\\\": \\\"variety\\\", \\\"1499\\\": \\\"nftrae\\\", \\\"1500\\\": \\\"ntvrk\\\", \\\"1501\\\": \\\"average\\\", \\\"1502\\\": \\\"ault\\\", \\\"1503\\\": \\\"7\\\", \\\"1504\\\": \\\"8\\\", \\\"1505\\\": \\\"sleeping\\\", \\\"1506\\\": \\\"interacting\\\", \\\"1507\\\": \\\"igitally\\\", \\\"1508\\\": \\\"aoption\\\", \\\"1509\\\": \\\"bowtiebull\\\", \\\"1510\\\": \\\"ben\\\", \\\"1511\\\": \\\"nolan\\\", \\\"1512\\\": \\\"unfortunately\\\", \\\"1513\\\": \\\"wasn\\\\u2019t\\\", \\\"1514\\\": \\\"poste\\\", \\\"1515\\\": \\\"ening\\\", \\\"1516\\\": \\\"epressing\\\", \\\"1517\\\": \\\"btc\\\", \\\"1518\\\": \\\"grining\\\", \\\"1519\\\": \\\"exploring\\\", \\\"1520\\\": \\\"inica\\\", \\\"1521\\\": \\\"nap\\\", \\\"1522\\\": \\\"sunayfunay\\\", \\\"1523\\\": \\\"men\\\", \\\"1524\\\": \\\"groun\\\", \\\"1525\\\": \\\"floor\\\", \\\"1526\\\": \\\"influence\\\", \\\"1527\\\": \\\"women\\\\u2019s\\\", \\\"1528\\\": \\\"womxn\\\", \\\"1529\\\": \\\"literary\\\", \\\"1530\\\": \\\"cryptotwitter\\\", \\\"1531\\\": \\\"lockown\\\", \\\"1532\\\": \\\"engaging\\\", \\\"1533\\\": \\\"pure\\\", \\\"1534\\\": \\\"unaulterate\\\", \\\"1535\\\": \\\"4\\\", \\\"1536\\\": \\\"valkyrie\\\", \\\"1537\\\": \\\"best\\\", \\\"1538\\\": \\\"joine\\\", \\\"1539\\\": \\\"twin\\\", \\\"1540\\\": \\\"wire\\\", \\\"1541\\\": \\\"bore\\\", \\\"1542\\\": \\\"can\\\\u2019t\\\", \\\"1543\\\": \\\"miitopia\\\", \\\"1544\\\": \\\"opene\\\", \\\"1545\\\": \\\"reveale\\\", \\\"1546\\\": \\\"ranting\\\", \\\"1547\\\": \\\"zara\\\", \\\"1548\\\": \\\"larson\\\", \\\"1549\\\": \\\"tomorrow\\\\u2019ll\\\", \\\"1550\\\": \\\"chaveztopia\\\", \\\"1551\\\": \\\"silicone\\\", \\\"1552\\\": \\\"valley\\\", \\\"1553\\\": \\\"invent\\\", \\\"1554\\\": \\\"synthesize\\\", \\\"1555\\\": \\\"musk's\\\", \\\"1556\\\": \\\"infuse\\\", \\\"1557\\\": \\\"egg\\\", \\\"1558\\\": \\\"pre\\\", \\\"1559\\\": \\\"embryonic\\\", \\\"1560\\\": \\\"stages\\\", \\\"1561\\\": \\\"army\\\", \\\"1562\\\": \\\"superhumans\\\", \\\"1563\\\": \\\"rany's\\\", \\\"1564\\\": \\\"aughter\\\", \\\"1565\\\": \\\"wenesay\\\", \\\"1566\\\": \\\"telling\\\", \\\"1567\\\": \\\"figure\\\", \\\"1568\\\": \\\"cany\\\", \\\"1569\\\": \\\"ix\\\", \\\"1570\\\": \\\"shells\\\", \\\"1571\\\": \\\"kinest\\\", \\\"1572\\\": \\\"supportive\\\", \\\"1573\\\": \\\"met\\\", \\\"1574\\\": \\\"patient\\\", \\\"1575\\\": \\\"encouraging\\\", \\\"1576\\\": \\\"\\\\ud83d\\\\udc4f\\\", \\\"1577\\\": \\\"labs\\\", \\\"1578\\\": \\\"announce\\\", \\\"1579\\\": \\\"closing\\\", \\\"1580\\\": \\\"6m\\\", \\\"1581\\\": \\\"roun\\\", \\\"1582\\\": \\\"wave\\\", \\\"1583\\\": \\\"gallery\\\", \\\"1584\\\": \\\"june\\\", \\\"1585\\\": \\\"immature\\\", \\\"1586\\\": \\\"emotionally\\\", \\\"1587\\\": \\\"unstable\\\", \\\"1588\\\": \\\"encountere\\\", \\\"1589\\\": \\\"past\\\", \\\"1590\\\": \\\"paramount\\\", \\\"1591\\\": \\\"introuce\\\", \\\"1592\\\": \\\"notion\\\", \\\"1593\\\": \\\"pullback\\\", \\\"1594\\\": \\\"moon\\\", \\\"1595\\\": \\\"primer\\\", \\\"1596\\\": \\\"parcels\\\", \\\"1597\\\": \\\"aping\\\", \\\"1598\\\": \\\"eep\\\", \\\"1599\\\": \\\"inner\\\", \\\"1600\\\": \\\"houseofkibaa\\\", \\\"1601\\\": \\\"lifetime\\\", \\\"1602\\\": \\\"steal\\\", \\\"1603\\\": \\\"sick\\\", \\\"1604\\\": \\\"slick\\\", \\\"1605\\\": \\\"count\\\", \\\"1606\\\": \\\"apewars\\\", \\\"1607\\\": \\\"cryptoart\\\", \\\"1608\\\": \\\"necessity\\\", \\\"1609\\\": \\\"longer\\\", \\\"1610\\\": \\\"eepfakes\\\", \\\"1611\\\": \\\"isinformation\\\", \\\"1612\\\": \\\"result\\\", \\\"1613\\\": \\\"belief\\\", \\\"1614\\\": \\\"institution\\\", \\\"1615\\\": \\\"maintain\\\", \\\"1616\\\": \\\"recors\\\", \\\"1617\\\": \\\"ownership\\\", \\\"1618\\\": \\\"provenance\\\", \\\"1619\\\": \\\"all\\\", \\\"1620\\\": \\\"iscover\\\", \\\"1621\\\": \\\"exprience\\\", \\\"1622\\\": \\\"upate\\\", \\\"1623\\\": \\\"\\\\ud83d\\\\ude21\\\\ud83d\\\\ude21\\\\ud83d\\\\ude21\\\", \\\"1624\\\": \\\"ieas\\\", \\\"1625\\\": \\\"garen\\\", \\\"1626\\\": \\\"worse\\\", \\\"1627\\\": \\\"prizes\\\", \\\"1628\\\": \\\"i'll\\\", \\\"1629\\\": \\\"useless\\\", \\\"1630\\\": \\\"stanar\\\", \\\"1631\\\": \\\"engine\\\", \\\"1632\\\": \\\"solve\\\", \\\"1633\\\": \\\"cross\\\", \\\"1634\\\": \\\"otherwise\\\", \\\"1635\\\": \\\"remae\\\", \\\"1636\\\": \\\"none\\\", \\\"1637\\\": \\\"everyboy\\\", \\\"1638\\\": \\\"charge\\\", \\\"1639\\\": \\\"esigns\\\", \\\"1640\\\": \\\"raise\\\", \\\"1641\\\": \\\"bellow\\\", \\\"1642\\\": \\\"uring\\\", \\\"1643\\\": \\\"hicathon\\\", \\\"1644\\\": \\\"hic\\\", \\\"1645\\\": \\\"et\\\", \\\"1646\\\": \\\"nunc\\\", \\\"1647\\\": \\\"works\\\", \\\"1648\\\": \\\"shoutout\\\", \\\"1649\\\": \\\"oxx\\\", \\\"1650\\\": \\\"xoxoxox\\\", \\\"1651\\\": \\\"foganis\\\", \\\"1652\\\": \\\"yungmathusalem\\\", \\\"1653\\\": \\\"vaxzine\\\", \\\"1654\\\": \\\"snapchat\\\", \\\"1655\\\": \\\"near\\\", \\\"1656\\\": \\\"sc's\\\", \\\"1657\\\": \\\"auience\\\", \\\"1658\\\": \\\"twice\\\", \\\"1659\\\": \\\"billie\\\", \\\"1660\\\": \\\"eilish\\\", \\\"1661\\\": \\\"anticipate\\\", \\\"1662\\\": \\\"fellow\\\", \\\"1663\\\": \\\"actors\\\", \\\"1664\\\": \\\"nft\\\\u2019s\\\", \\\"1665\\\": \\\"celebrate\\\", \\\"1666\\\": \\\"monetize\\\", \\\"1667\\\": \\\"economy\\\", \\\"1668\\\": \\\"creatoreconomy\\\", \\\"1669\\\": \\\"creators\\\", \\\"1670\\\": \\\"finishe\\\", \\\"1671\\\": \\\"last\\\", \\\"1672\\\": \\\"exam\\\", \\\"1673\\\": \\\"pumpe\\\", \\\"1674\\\": \\\"pursue\\\", \\\"1675\\\": \\\"vertoexchange\\\", \\\"1676\\\": \\\"full\\\", \\\"1677\\\": \\\"\\\\u27a1\\\\ufe0f\\\", \\\"1678\\\": \\\"newspaper\\\", \\\"1679\\\": \\\"starte\\\", \\\"1680\\\": \\\"sensationalism\\\", \\\"1681\\\": \\\"twiste\\\", \\\"1682\\\": \\\"reporting\\\", \\\"1683\\\": \\\"came\\\", \\\"1684\\\": \\\"followe\\\", \\\"1685\\\": \\\"blogs\\\", \\\"1686\\\": \\\"fake\\\", \\\"1687\\\": \\\"sprea\\\", \\\"1688\\\": \\\"\\\\u2728perfect\\\\u2728\\\", \\\"1689\\\": \\\"\\\\ud83d\\\\ude1a\\\", \\\"1690\\\": \\\"legal\\\", \\\"1691\\\": \\\"bullshit\\\", \\\"1692\\\": \\\"hey\\\", \\\"1693\\\": \\\"been\\\", \\\"1694\\\": \\\"haven\\\\u2019t\\\", \\\"1695\\\": \\\"awhile\\\", \\\"1696\\\": \\\"i\\\\u2019ll\\\", \\\"1697\\\": \\\"what\\\", \\\"1698\\\": \\\"hello\\\", \\\"1699\\\": \\\"firevertex\\\", \\\"1700\\\": \\\"message\\\", \\\"1701\\\": \\\"metacurse\\\", \\\"1702\\\": \\\"superworlapp\\\", \\\"1703\\\": \\\"plot\\\", \\\"1704\\\": \\\"asap\\\", \\\"1705\\\": \\\"toolate\\\", \\\"1706\\\": \\\"avantage\\\", \\\"1707\\\": \\\"ibs\\\", \\\"1708\\\": \\\"investing\\\", \\\"1709\\\": \\\"ethereum\\\", \\\"1710\\\": \\\"\\\\u2728\\\", \\\"1711\\\": \\\"rea\\\", \\\"1712\\\": \\\"\\\\ud83d\\\\udc47\\\\ud83c\\\\udffb\\\\u263a\\\\ufe0f\\\", \\\"1713\\\": \\\"mvps\\\", \\\"1714\\\": \\\"\\\\u2728\\\\ud83d\\\\ude4f\\\\ud83c\\\\udffd\\\", \\\"1715\\\": \\\"taxing\\\", \\\"1716\\\": \\\"computer\\\", \\\"1717\\\": \\\"heae\\\", \\\"1718\\\": \\\"towars\\\", \\\"1719\\\": \\\"2n\\\", \\\"1720\\\": \\\"pc\\\", \\\"1721\\\": \\\"i've\\\", \\\"1722\\\": \\\"unerestimate\\\", \\\"1723\\\": \\\"singing\\\", \\\"1724\\\": \\\"ik\\\", \\\"1725\\\": \\\"criminal\\\", \\\"1726\\\": \\\"punishe\\\", \\\"1727\\\": \\\"tormente\\\", \\\"1728\\\": \\\"capitalpunishment\\\", \\\"1729\\\": \\\"lawanorer\\\", \\\"1730\\\": \\\"law\\\", \\\"1731\\\": \\\"ai\\\", \\\"1732\\\": \\\"science\\\", \\\"1733\\\": \\\"newworlorer\\\", \\\"1734\\\": \\\"scifi\\\", \\\"1735\\\": \\\"unplug\\\", \\\"1736\\\": \\\"are\\\", \\\"1737\\\": \\\"ethnicity\\\", \\\"1738\\\": \\\"religion\\\", \\\"1739\\\": \\\"ivisive\\\", \\\"1740\\\": \\\"trait\\\", \\\"1741\\\": \\\"arguably\\\", \\\"1742\\\": \\\"accepts\\\", \\\"1743\\\": \\\"ifferences\\\", \\\"1744\\\": \\\"eems\\\", \\\"1745\\\": \\\"irrelevant\\\", \\\"1746\\\": \\\"spice\\\", \\\"1747\\\": \\\"flow\\\", \\\"1748\\\": \\\"vrchat\\\", \\\"1749\\\": \\\"unermines\\\", \\\"1750\\\": \\\"unervalues\\\", \\\"1751\\\": \\\"is\\\", \\\"1752\\\": \\\"pickup\\\", \\\"1753\\\": \\\"ball\\\", \\\"1754\\\": \\\"ok\\\", \\\"1755\\\": \\\"soo\\\", \\\"1756\\\": \\\"whaa\\\", \\\"1757\\\": \\\"cringe\\\", \\\"1758\\\": \\\"america\\\", \\\"1759\\\": \\\"builers\\\", \\\"1760\\\": \\\"palette\\\", \\\"1761\\\": \\\"expression\\\", \\\"1762\\\": \\\"marketing\\\", \\\"1763\\\": \\\"immersive\\\", \\\"1764\\\": \\\"marketingtwitter\\\", \\\"1765\\\": \\\"rug\\\", \\\"1766\\\": \\\"neee\\\", \\\"1767\\\": \\\"expan\\\", \\\"1768\\\": \\\"consciousness\\\", \\\"1769\\\": \\\"epresse\\\", \\\"1770\\\": \\\"nature\\\", \\\"1771\\\": \\\"capitalism\\\", \\\"1772\\\": \\\"happiness\\\", \\\"1773\\\": \\\"coolest\\\", \\\"1774\\\": \\\"finale\\\", \\\"1775\\\": \\\"sen\\\", \\\"1776\\\": \\\"shoot\\\", \\\"1777\\\": \\\"film\\\", \\\"1778\\\": \\\"release\\\", \\\"1779\\\": \\\"reaming\\\", \\\"1780\\\": \\\"sorta\\\", \\\"1781\\\": \\\"sucke\\\", \\\"1782\\\": \\\"rthro\\\", \\\"1783\\\": \\\"overall\\\", \\\"1784\\\": \\\"survive\\\", \\\"1785\\\": \\\"expecte\\\", \\\"1786\\\": \\\"enws\\\", \\\"1787\\\": \\\"\\\\u2018internet\\\\u2019\\\", \\\"1788\\\": \\\"funeral\\\"}\", \"word_index\": \"{\\\"metaverse\\\": 1, \\\"like\\\": 2, \\\"lan\\\": 3, \\\"think\\\": 4, \\\"people\\\": 5, \\\"real\\\": 6, \\\"igital\\\": 7, \\\"future\\\": 8, \\\"time\\\": 9, \\\"virtual\\\": 10, \\\"worl\\\": 11, \\\"want\\\": 12, \\\"event\\\": 13, \\\"going\\\": 14, \\\"reality\\\": 15, \\\"one\\\": 16, \\\"can't\\\": 17, \\\"game\\\": 18, \\\"1\\\": 19, \\\"get\\\": 20, \\\"new\\\": 21, \\\"everyone\\\": 22, \\\"internet\\\": 23, \\\"it\\\": 24, \\\"right\\\": 25, \\\"u\\\": 26, \\\"thing\\\": 27, \\\"social\\\": 28, \\\"aroun\\\": 29, \\\"nee\\\": 30, \\\"woul\\\": 31, \\\"something\\\": 32, \\\"vr\\\": 33, \\\"space\\\": 34, \\\"amp\\\": 35, \\\"take\\\": 36, \\\"i'm\\\": 37, \\\"make\\\": 38, \\\"live\\\": 39, \\\"work\\\": 40, \\\"know\\\": 41, \\\"gonna\\\": 42, \\\"3\\\": 43, \\\"excite\\\": 44, \\\"see\\\": 45, \\\"may\\\": 46, \\\"crypto\\\": 47, \\\"built\\\": 48, \\\"money\\\": 49, \\\"goo\\\": 50, \\\"really\\\": 51, \\\"way\\\": 52, \\\"even\\\": 53, \\\"nft\\\": 54, \\\"har\\\": 55, \\\"blockchain\\\": 56, \\\"it\\\\u2019s\\\": 57, \\\"spen\\\": 58, \\\"become\\\": 59, \\\"now\\\": 60, \\\"fin\\\": 61, \\\"worls\\\": 62, \\\"no\\\": 63, \\\"call\\\": 64, \\\"project\\\": 65, \\\"friens\\\": 66, \\\"life\\\": 67, \\\"me\\\": 68, \\\"le\\\": 69, \\\"someone\\\": 70, \\\"zuckerberg\\\": 71, \\\"mark\\\": 72, \\\"rather\\\": 73, \\\"year\\\": 74, \\\"builing\\\": 75, \\\"open\\\": 76, \\\"lot\\\": 77, \\\"hour\\\": 78, \\\"ay\\\": 79, \\\"roblox\\\": 80, \\\"create\\\": 81, \\\"shoul\\\": 82, \\\"buil\\\": 83, \\\"wait\\\": 84, \\\"fun\\\": 85, \\\"twitter\\\": 86, \\\"feel\\\": 87, \\\"experience\\\": 88, \\\"ecentralan\\\": 89, \\\"nothing\\\": 90, \\\"playing\\\": 91, \\\"2\\\": 92, \\\"champion\\\": 93, \\\"tech\\\": 94, \\\"crazy\\\": 95, \\\"much\\\": 96, \\\"web3\\\": 97, \\\"iea\\\": 98, \\\"ifferent\\\": 99, \\\"still\\\": 100, \\\"walk\\\": 101, \\\"use\\\": 102, \\\"park\\\": 103, \\\"oesn\\\\u2019t\\\": 104, \\\"mint\\\": 105, \\\"bran\\\": 106, \\\"bet\\\": 107, \\\"meta\\\": 108, \\\"store\\\": 109, \\\"othersiemeta\\\": 110, \\\"carano\\\": 111, \\\"000\\\": 112, \\\"a\\\": 113, \\\"othersie\\\": 114, \\\"talking\\\": 115, \\\"long\\\": 116, \\\"using\\\": 117, \\\"2022\\\": 118, \\\"mae\\\": 119, \\\"enough\\\": 120, \\\"nfts\\\": 121, \\\"break\\\": 122, \\\"play\\\": 123, \\\"go\\\": 124, \\\"bullish\\\": 125, \\\"never\\\": 126, \\\"kin\\\": 127, \\\"cool\\\": 128, \\\"every\\\": 129, \\\"wil\\\": 130, \\\"valk\\\": 131, \\\"love\\\": 132, \\\"looking\\\": 133, \\\"platform\\\": 134, \\\"better\\\": 135, \\\"awesome\\\": 136, \\\"augmente\\\": 137, \\\"without\\\": 138, \\\"look\\\": 139, \\\"guy\\\": 140, \\\"interesting\\\": 141, \\\"oes\\\": 142, \\\"mean\\\": 143, \\\"working\\\": 144, \\\"always\\\": 145, \\\"first\\\": 146, \\\"vision\\\": 147, \\\"i\\\": 148, \\\"stuy\\\": 149, \\\"say\\\": 150, \\\"10\\\": 151, \\\"point\\\": 152, \\\"hope\\\": 153, \\\"on't\\\": 154, \\\"man\\\": 155, \\\"artist\\\": 156, \\\"anyone\\\": 157, \\\"sai\\\": 158, \\\"we're\\\": 159, \\\"getting\\\": 160, \\\"alreay\\\": 161, \\\"imagine\\\": 162, \\\"universe\\\": 163, \\\"online\\\": 164, \\\"toay\\\": 165, \\\"ever\\\": 166, \\\"there\\\": 167, \\\"capital\\\": 168, \\\"coul\\\": 169, \\\"seems\\\": 170, \\\"im\\\": 171, \\\"billion\\\": 172, \\\"i\\\\u2019m\\\": 173, \\\"sit\\\": 174, \\\"touch\\\": 175, \\\"try\\\": 176, \\\"stuff\\\": 177, \\\"company\\\": 178, \\\"yet\\\": 179, \\\"early\\\": 180, \\\"ba\\\": 181, \\\"bayc\\\": 182, \\\"estate\\\": 183, \\\"isney\\\": 184, \\\"meia\\\": 185, \\\"era\\\": 186, \\\"thought\\\": 187, \\\"possibility\\\": 188, \\\"that\\\\u2019s\\\": 189, \\\"we\\\\u2019re\\\": 190, \\\"\\\\u201cmetaverse\\\\u201d\\\": 191, \\\"ask\\\": 192, \\\"ar\\\": 193, \\\"must\\\": 194, \\\"might\\\": 195, \\\"buying\\\": 196, \\\"okay\\\": 197, \\\"happy\\\": 198, \\\"week\\\": 199, \\\"to\\\": 200, \\\"maker\\\": 201, \\\"amazing\\\": 202, \\\"asset\\\": 203, \\\"high\\\": 204, \\\"nees\\\": 205, \\\"potential\\\": 206, \\\"away\\\": 207, \\\"i\\\\u2019ve\\\": 208, \\\"big\\\": 209, \\\"human\\\": 210, \\\"opportunity\\\": 211, \\\"there\\\\u2019s\\\": 212, \\\"story\\\": 213, \\\"luxury\\\": 214, \\\"many\\\": 215, \\\"literally\\\": 216, \\\"got\\\": 217, \\\"ha\\\": 218, \\\"garens\\\": 219, \\\"prize\\\": 220, \\\"start\\\": 221, \\\"be\\\": 222, \\\"else\\\": 223, \\\"coming\\\": 224, \\\"iscor\\\": 225, \\\"z\\\": 226, \\\"esign\\\": 227, \\\"5\\\": 228, \\\"far\\\": 229, \\\"physical\\\": 230, \\\"believe\\\": 231, \\\"well\\\": 232, \\\"minecraft\\\": 233, \\\"you\\\": 234, \\\"500\\\": 235, \\\"in\\\": 236, \\\"trust\\\": 237, \\\"probably\\\": 238, \\\"show\\\": 239, \\\"rop\\\": 240, \\\"facebook\\\": 241, \\\"web\\\": 242, \\\"what\\\\u2019s\\\": 243, \\\"technology\\\": 244, \\\"shit\\\": 245, \\\"infinite\\\": 246, \\\"won\\\\u2019t\\\": 247, \\\"opinion\\\": 248, \\\"party\\\": 249, \\\"lol\\\": 250, \\\"watch\\\": 251, \\\"shop\\\": 252, \\\"opening\\\": 253, \\\"month\\\": 254, \\\"together\\\": 255, \\\"matter\\\": 256, \\\"consier\\\": 257, \\\"able\\\": 258, \\\"anything\\\": 259, \\\"current\\\": 260, \\\"hear\\\": 261, \\\"let\\\": 262, \\\"games\\\": 263, \\\"eth\\\": 264, \\\"that\\\": 265, \\\"value\\\": 266, \\\"form\\\": 267, \\\"ol\\\": 268, \\\"here\\\": 269, \\\"efi\\\": 270, \\\"bscpa\\\": 271, \\\"bought\\\": 272, \\\"share\\\": 273, \\\"avatar\\\": 274, \\\"wtf\\\": 275, \\\"en\\\": 276, \\\"test\\\": 277, \\\"hate\\\": 278, \\\"us\\\": 279, \\\"6\\\": 280, \\\"quite\\\": 281, \\\"limite\\\": 282, \\\"family\\\": 283, \\\"place\\\": 284, \\\"miss\\\": 285, \\\"gas\\\": 286, \\\"everything\\\": 287, \\\"losing\\\": 288, \\\"amazon\\\": 289, \\\"single\\\": 290, \\\"gone\\\": 291, \\\"keep\\\": 292, \\\"back\\\": 293, \\\"sale\\\": 294, \\\"number\\\": 295, \\\"artificially\\\": 296, \\\"harest\\\": 297, \\\"for\\\": 298, \\\"ambition\\\": 299, \\\"cheap\\\": 300, \\\"actually\\\": 301, \\\"om\\\": 302, \\\"thesanboxgame\\\": 303, \\\"penguin\\\": 304, \\\"as\\\": 305, \\\"owne\\\": 306, \\\"bob\\\": 307, \\\"begin\\\": 308, \\\"aily\\\": 309, \\\"nextverse\\\": 310, \\\"0\\\": 311, \\\"april\\\": 312, \\\"chat\\\": 313, \\\"instea\\\": 314, \\\"weir\\\": 315, \\\"sims\\\": 316, \\\"scam\\\": 317, \\\"brain\\\": 318, \\\"tool\\\": 319, \\\"ont\\\": 320, \\\"care\\\": 321, \\\"shift\\\": 322, \\\"completely\\\": 323, \\\"out\\\": 324, \\\"purpose\\\": 325, \\\"yugalabs\\\": 326, \\\"launch\\\": 327, \\\"socialize\\\": 328, \\\"entertainment\\\": 329, \\\"narrative\\\": 330, \\\"30\\\": 331, \\\"business\\\": 332, \\\"on\\\\u2019t\\\": 333, \\\"focuse\\\": 334, \\\"community\\\": 335, \\\"ee\\\": 336, \\\"seen\\\": 337, \\\"lame\\\": 338, \\\"manage\\\": 339, \\\"token\\\": 340, \\\"this\\\": 341, \\\"'most\\\": 342, \\\"officially\\\": 343, \\\"lanlor\\\": 344, \\\"ream\\\": 345, \\\"souns\\\": 346, \\\"running\\\": 347, \\\"jurassic\\\": 348, \\\"perhaps\\\": 349, \\\"change\\\": 350, \\\"yall\\\": 351, \\\"facebook's\\\": 352, \\\"stay\\\": 353, \\\"collective\\\": 354, \\\"hermes\\\": 355, \\\"rich\\\": 356, \\\"baron\\\": 357, \\\"home\\\": 358, \\\"therefore\\\": 359, \\\"amaze\\\": 360, \\\"san\\\": 361, \\\"move\\\": 362, \\\"layer\\\": 363, \\\"carbon\\\": 364, \\\"step\\\": 365, \\\"history\\\": 366, \\\"math\\\": 367, \\\"architecture\\\": 368, \\\"chilren\\\": 369, \\\"music\\\": 370, \\\"art\\\": 371, \\\"ki\\\": 372, \\\"put\\\": 373, \\\"five\\\": 374, \\\"sure\\\": 375, \\\"the\\\": 376, \\\"why\\\": 377, \\\"ren\\\": 378, \\\"ance\\\": 379, \\\"cannot\\\": 380, \\\"stream\\\": 381, \\\"min\\\": 382, \\\"let's\\\": 383, \\\"outsie\\\": 384, \\\"team\\\": 385, \\\"uner\\\": 386, \\\"top\\\": 387, \\\"maybe\\\": 388, \\\"especially\\\": 389, \\\"eye\\\": 390, \\\"finally\\\": 391, \\\"weeken\\\": 392, \\\"prove\\\": 393, \\\"help\\\": 394, \\\"joining\\\": 395, \\\"self\\\": 396, \\\"reason\\\": 397, \\\"inustry\\\": 398, \\\"lover\\\": 399, \\\"cannabis\\\": 400, \\\"grow\\\": 401, \\\"tol\\\": 402, \\\"little\\\": 403, \\\"mostly\\\": 404, \\\"there's\\\": 405, \\\"crate\\\": 406, \\\"next\\\": 407, \\\"thats\\\": 408, \\\"great\\\": 409, \\\"walle\\\": 410, \\\"easier\\\": 411, \\\"selling\\\": 412, \\\"in't\\\": 413, \\\"bring\\\": 414, \\\"earn\\\": 415, \\\"reach\\\": 416, \\\"100\\\": 417, \\\"million\\\": 418, \\\"ae\\\": 419, \\\"mega\\\": 420, \\\"playe\\\": 421, \\\"cause\\\": 422, \\\"screen\\\": 423, \\\"currently\\\": 424, \\\"investor\\\": 425, \\\"term\\\": 426, \\\"user\\\": 427, \\\"available\\\": 428, \\\"gen\\\": 429, \\\"mass\\\": 430, \\\"scale\\\": 431, \\\"clubhouse\\\": 432, \\\"ayo\\\": 433, \\\"meeting\\\": 434, \\\"bag\\\": 435, \\\"walking\\\": 436, \\\"come\\\": 437, \\\"special\\\": 438, \\\"gran\\\": 439, \\\"elon\\\": 440, \\\"known\\\": 441, \\\"musk\\\": 442, \\\"ue\\\": 443, \\\"have\\\": 444, \\\"aske\\\": 445, \\\"expect\\\": 446, \\\"visit\\\": 447, \\\"consiering\\\": 448, \\\"egens\\\": 449, \\\"buy\\\": 450, \\\"following\\\": 451, \\\"low\\\": 452, \\\"free\\\": 453, \\\"fit\\\": 454, \\\"rate\\\": 455, \\\"fashion\\\": 456, \\\"pretty\\\": 457, \\\"concept\\\": 458, \\\"explain\\\": 459, \\\"concert\\\": 460, \\\"let\\\\u2019s\\\": 461, \\\"learn\\\": 462, \\\"tv\\\": 463, \\\"news\\\": 464, \\\"fuck\\\": 465, \\\"'metaverse'\\\": 466, \\\"waiting\\\": 467, \\\"from\\\": 468, \\\"earth\\\": 469, \\\"morning\\\": 470, \\\"y'all\\\": 471, \\\"looke\\\": 472, \\\"cyber\\\": 473, \\\"meet\\\": 474, \\\"living\\\": 475, \\\"virtually\\\": 476, \\\"bro\\\": 477, \\\"owning\\\": 478, \\\"super\\\": 479, \\\"same\\\": 480, \\\"reay\\\": 481, \\\"infrastructure\\\": 482, \\\"what's\\\": 483, \\\"since\\\": 484, \\\"welcome\\\": 485, \\\"age\\\": 486, \\\"o\\\": 487, \\\"minute\\\": 488, \\\"son\\\": 489, \\\"ought\\\": 490, \\\"poetry\\\": 491, \\\"power\\\": 492, \\\"bitcoin\\\": 493, \\\"universal\\\": 494, \\\"system\\\": 495, \\\"2021\\\": 496, \\\"20\\\": 497, \\\"jump\\\": 498, \\\"suck\\\": 499, \\\"along\\\": 500, \\\"realize\\\": 501, \\\"multiverse\\\": 502, \\\"link\\\": 503, \\\"calling\\\": 504, \\\"switch\\\": 505, \\\"them\\\": 506, \\\"nftart\\\": 507, \\\"rise\\\": 508, \\\"inclusive\\\": 509, \\\"sovereign\\\": 510, \\\"huge\\\": 511, \\\"sie\\\": 512, \\\"young\\\": 513, \\\"i'\\\": 514, \\\"luck\\\": 515, \\\"cant\\\": 516, \\\"gucci\\\": 517, \\\"etc\\\": 518, \\\"problem\\\": 519, \\\"base\\\": 520, \\\"geolocation\\\": 521, \\\"ientity\\\": 522, \\\"virtualreality\\\": 523, \\\"mmorpg\\\": 524, \\\"others\\\": 525, \\\"wish\\\": 526, \\\"thinking\\\": 527, \\\"soon\\\": 528, \\\"wonering\\\": 529, \\\"scent\\\": 530, \\\"truly\\\": 531, \\\"netvrk\\\": 532, \\\"spens\\\": 533, \\\"sooner\\\": 534, \\\"cryptovoxels\\\": 535, \\\"fortnite\\\": 536, \\\"intereste\\\": 537, \\\"ape\\\": 538, \\\"tomorrow\\\": 539, \\\"na\\\": 540, \\\"check\\\": 541, \\\"homework\\\": 542, \\\"congrats\\\": 543, \\\"cryptoc\\\": 544, \\\"ear\\\": 545, \\\"anymore\\\": 546, \\\"piece\\\": 547, \\\"that's\\\": 548, \\\"creator\\\": 549, \\\"school\\\": 550, \\\"\\\\ud83d\\\\udc7e\\\": 551, \\\"favorite\\\": 552, \\\"creating\\\": 553, \\\"\\\\u201cscalability\\\": 554, \\\"\\\\u201d\\\": 555, \\\"envision\\\": 556, \\\"fee\\\": 557, \\\"hype\\\": 558, \\\"overprice\\\": 559, \\\"caters\\\": 560, \\\"small\\\": 561, \\\"wealthy\\\": 562, \\\"neither\\\": 563, \\\"forgive\\\": 564, \\\"impresse\\\": 565, \\\"yuga\\\": 566, \\\"lab\\\": 567, \\\"remine\\\": 568, \\\"learnt\\\": 569, \\\"stuying\\\": 570, \\\"pivot\\\": 571, \\\"easy\\\": 572, \\\"seem\\\": 573, \\\"either\\\": 574, \\\"munger\\\": 575, \\\"baba\\\": 576, \\\"buffett\\\": 577, \\\"rivian\\\": 578, \\\"airlines\\\": 579, \\\"finest\\\": 580, \\\"mistakes\\\": 581, \\\"farm\\\": 582, \\\"investment\\\": 583, \\\"iversify\\\": 584, \\\"lost\\\": 585, \\\"whoa\\\": 586, \\\"foot\\\": 587, \\\"calle\\\": 588, \\\"\\\\ud83d\\\\ude4fnamaste\\\": 589, \\\"persona\\\": 590, \\\"giggling\\\": 591, \\\"bit\\\": 592, \\\"hopefully\\\": 593, \\\"royal\\\": 594, \\\"palace\\\": 595, \\\"eff\\\": 596, \\\"ei\\\": 597, \\\"hometown\\\": 598, \\\"culture\\\": 599, \\\"foo\\\": 600, \\\"gosh\\\": 601, \\\"mainstream\\\": 602, \\\"means\\\": 603, \\\"zuckerburg\\\": 604, \\\"raining\\\": 605, \\\"umbass\\\": 606, \\\"venture\\\": 607, \\\"smile\\\": 608, \\\"gamer\\\": 609, \\\"pretentious\\\": 610, \\\"billionaire\\\": 611, \\\"bros\\\": 612, \\\"jerk\\\": 613, \\\"financialize\\\": 614, \\\"increibly\\\": 615, \\\"methos\\\": 616, \\\"appeal\\\": 617, \\\"w2\\\": 618, \\\"approach\\\": 619, \\\"similar\\\": 620, \\\"squatting\\\": 621, \\\"com\\\": 622, \\\"omains\\\": 623, \\\"oesn't\\\": 624, \\\"composability\\\": 625, \\\"w3\\\": 626, \\\"central\\\": 627, \\\"authority\\\": 628, \\\"restricting\\\": 629, \\\"supply\\\": 630, \\\"journey\\\": 631, \\\"patience\\\": 632, \\\"extremes\\\": 633, \\\"wanering\\\": 634, \\\"phones\\\": 635, \\\"communicating\\\": 636, \\\"taking\\\": 637, \\\"scenery\\\": 638, \\\"sa\\\": 639, \\\"we've\\\": 640, \\\"mclaren\\\": 641, \\\"chapter\\\": 642, \\\"automotive\\\": 643, \\\"strategize\\\": 644, \\\"strategy\\\": 645, \\\"claim\\\": 646, \\\"leaership\\\": 647, \\\"b2b\\\": 648, \\\"showroom\\\": 649, \\\"consumers\\\": 650, \\\"though\\\": 651, \\\"aopting\\\": 652, \\\"curiosity\\\": 653, \\\"seekers\\\": 654, \\\"rawn\\\": 655, \\\"hang\\\": 656, \\\"later\\\": 657, \\\"gat\\\": 658, \\\"gaget\\\": 659, \\\"promote\\\": 660, \\\"kinf\\\": 661, \\\"\\\\ud83d\\\\udc51\\\": 662, \\\"jesus\\\": 663, \\\"secon\\\": 664, \\\"avice\\\": 665, \\\"whatever\\\": 666, \\\"facts\\\": 667, \\\"330mil\\\\u2026\\\": 668, \\\"fp\\\": 669, \\\"rocket\\\": 670, \\\"reinvest\\\": 671, \\\"ambitious\\\": 672, \\\"ruler\\\": 673, \\\"ahea\\\": 674, \\\"prj\\\": 675, \\\"rn\\\": 676, \\\"mf\\\": 677, \\\"\\\\ud83e\\\\udd23\\\": 678, \\\"e\\\": 679, \\\"inferno\\\": 680, \\\"misse\\\": 681, \\\"claymates\\\": 682, \\\"31k\\\": 683, \\\"fees\\\": 684, \\\"gets\\\": 685, \\\"smart\\\": 686, \\\"contract\\\": 687, \\\"proven\\\": 688, \\\"withstan\\\": 689, \\\"congestion\\\": 690, \\\"common\\\": 691, \\\"misconception\\\": 692, \\\"location\\\": 693, \\\"matters\\\": 694, \\\"unless\\\": 695, \\\"inten\\\": 696, \\\"aimlessly\\\": 697, \\\"everywhere\\\": 698, \\\"rtfkt\\\": 699, \\\"po\\\": 700, \\\"simply\\\": 701, \\\"teleport\\\": 702, \\\"estination\\\": 703, \\\"fix\\\": 704, \\\"matrix\\\": 705, \\\"40\\\": 706, \\\"pugy\\\": 707, \\\"irl\\\": 708, \\\"pay\\\": 709, \\\"collectable\\\": 710, \\\"ap\\\": 711, \\\"rolex\\\": 712, \\\"guitar\\\": 713, \\\"srv\\\": 714, \\\"jimmy\\\": 715, \\\"henrix\\\": 716, \\\"ross\\\": 717, \\\"painting\\\": 718, \\\"metronome\\\": 719, \\\"maria\\\": 720, \\\"callas\\\": 721, \\\"sol\\\": 722, \\\"245\\\": 723, \\\"worth\\\": 724, \\\"launching\\\": 725, \\\"zuckerberg's\\\": 726, \\\"collapse\\\": 727, \\\"pile\\\": 728, \\\"shite\\\": 729, \\\"cnn\\\": 730, \\\"shape\\\": 731, \\\"chairman\\\": 732, \\\"chapek\\\": 733, \\\"speaks\\\": 734, \\\"eication\\\": 735, \\\"ceremony\\\": 736, \\\"star\\\": 737, \\\"wars\\\": 738, \\\"galaxy's\\\": 739, \\\"ege\\\": 740, \\\"aug\\\": 741, \\\"28\\\": 742, \\\"2019\\\": 743, \\\"walt\\\": 744, \\\"worl's\\\": 745, \\\"hollywoo\\\": 746, \\\"stuios\\\": 747, \\\"oriente\\\": 748, \\\"network\\\": 749, \\\"io\\\": 750, \\\"29\\\": 751, \\\"gamefi\\\": 752, \\\"rekite\\\": 753, \\\"automobile\\\": 754, \\\"gem\\\": 755, \\\"jewellery\\\": 756, \\\"travel\\\": 757, \\\"firm\\\": 758, \\\"renition\\\": 759, \\\"heagear\\\": 760, \\\"content\\\": 761, \\\"stop\\\": 762, \\\"introucing\\\": 763, \\\"2017\\\": 764, \\\"amawithsahguru\\\": 765, \\\"namaskaram\\\": 766, \\\"sahguru\\\": 767, \\\"fascinate\\\": 768, \\\"savesoil\\\": 769, \\\"sahgurujv\\\": 770, \\\"cpsavesoil\\\": 771, \\\"curious\\\": 772, \\\"\\\\u201cgo\\\\u201d\\\": 773, \\\"clunky\\\": 774, \\\"realise\\\": 775, \\\"vaporwave\\\": 776, \\\"minless\\\": 777, \\\"boomer\\\": 778, \\\"sales\\\": 779, \\\"thrown\\\": 780, \\\"vapourware\\\": 781, \\\"icos\\\": 782, \\\"prop\\\": 783, \\\"usp\\\": 784, \\\"casino\\\": 785, \\\"\\\\ud83e\\\\udd14\\\": 786, \\\"spening\\\": 787, \\\"holiays\\\": 788, \\\"unreal\\\": 789, \\\"efinitely\\\": 790, \\\"fair\\\": 791, \\\"gotta\\\": 792, \\\"plunge\\\": 793, \\\"inonesia\\\": 794, \\\"bull\\\": 795, \\\"cycle\\\": 796, \\\"simultaneously\\\": 797, \\\"experiencing\\\": 798, \\\"centre\\\": 799, \\\"two\\\": 800, \\\"lifetimes\\\": 801, \\\"kill\\\": 802, \\\"99\\\": 803, \\\"9\\\": 804, \\\"run\\\": 805, \\\"typically\\\": 806, \\\"ill\\\": 807, \\\"scarce\\\": 808, \\\"borering\\\": 809, \\\"cash\\\": 810, \\\"grab\\\": 811, \\\"serf\\\": 812, \\\"convince\\\": 813, \\\"01\\\": 814, \\\"punks\\\": 815, \\\"happen\\\": 816, \\\"punk\\\": 817, \\\"warren\\\": 818, \\\"buffet\\\": 819, \\\"on\\\": 820, \\\"embrace\\\": 821, \\\"spacex\\\": 822, \\\"tesla\\\": 823, \\\"elonmusk\\\": 824, \\\"unelegant\\\": 825, \\\"enless\\\": 826, \\\"warcraft\\\": 827, \\\"vast\\\": 828, \\\"avatars\\\": 829, \\\"filmmaker\\\": 830, \\\"alike\\\": 831, \\\"recognize\\\": 832, \\\"trope\\\": 833, \\\"\\\\u2014\\\": 834, \\\"filmmaking\\\": 835, \\\"08\\\": 836, \\\"00am\\\": 837, \\\"by\\\": 838, \\\"jenna\\\": 839, \\\"benchetrit\\\": 840, \\\"\\\\u2026\\\": 841, \\\"emystifying\\\": 842, \\\"imperative\\\": 843, \\\"kina\\\": 844, \\\"sketchy\\\": 845, \\\"showing\\\": 846, \\\"late\\\": 847, \\\"\\\\ud83d\\\\ude11\\\": 848, \\\"\\\\u2665\\\\ufe0f\\\": 849, \\\"riiculous\\\": 850, \\\"certain\\\": 851, \\\"tonight\\\": 852, \\\"extremely\\\": 853, \\\"grateful\\\": 854, \\\"folk\\\": 855, \\\"punk6529\\\": 856, \\\"ecentralization\\\": 857, \\\"tweet\\\": 858, \\\"lea\\\": 859, \\\"mfers\\\": 860, \\\"uty\\\": 861, \\\"yooo\\\": 862, \\\"egenix\\\": 863, \\\"claime\\\": 864, \\\"neighbors\\\": 865, \\\"generational\\\": 866, \\\"wealth\\\": 867, \\\"rfox\\\": 868, \\\"vfox\\\": 869, \\\"rest\\\": 870, \\\"utter\\\": 871, \\\"ogshit\\\": 872, \\\"proucts\\\": 873, \\\"lure\\\": 874, \\\"12\\\": 875, \\\"meta's\\\": 876, \\\"true\\\": 877, \\\"here's\\\": 878, \\\"fork\\\": 879, \\\"club\\\": 880, \\\"auction\\\": 881, \\\"noticing\\\": 882, \\\"tq\\\": 883, \\\"unervalue\\\": 884, \\\"\\\\ud83d\\\\ude22\\\": 885, \\\"absur\\\": 886, \\\"bench\\\": 887, \\\"gather\\\": 888, \\\"floria\\\": 889, \\\"race\\\": 890, \\\"example\\\": 891, \\\"hype'\\\": 892, \\\"raising'\\\": 893, \\\"'pre\\\": 894, \\\"launch'\\\": 895, \\\"became\\\": 896, \\\"rent\\\": 897, \\\"bitch\\\": 898, \\\"monkey's\\\": 899, \\\"basic\\\": 900, \\\"version\\\": 901, \\\"internalize\\\": 902, \\\"insie\\\": 903, \\\"require\\\": 904, \\\"neuralink\\\": 905, \\\"turn\\\": 906, \\\"tho\\\": 907, \\\"inception\\\": 908, \\\"shook\\\\u2026\\\": 909, \\\"unpopular\\\": 910, \\\"burger\\\": 911, \\\"\\\\ud83d\\\\ude29\\\\ud83d\\\\ude29\\\": 912, \\\"fall\\\": 913, \\\"\\\\ud83e\\\\udd0d\\\\ud83e\\\\udd0d\\\\ud83e\\\\udd0d\\\": 914, \\\"runescape\\\": 915, \\\"main\\\": 916, \\\"otherees\\\": 917, \\\"similarity\\\": 918, \\\"unlike\\\": 919, \\\"personal\\\": 920, \\\"relationship\\\": 921, \\\"ners\\\": 922, \\\"hq\\\": 923, \\\"voice\\\": 924, \\\"absolutely\\\": 925, \\\"slaying\\\": 926, \\\"organize\\\": 927, \\\"upates\\\": 928, \\\"prou\\\": 929, \\\"\\\\ud83d\\\\udcaa\\\": 930, \\\"truth\\\": 931, \\\"ppl\\\": 932, \\\"tire\\\": 933, \\\"emerge\\\": 934, \\\"tik\\\": 935, \\\"tok\\\": 936, \\\"oesnt\\\": 937, \\\"exist\\\": 938, \\\"multi\\\": 939, \\\"ollar\\\": 940, \\\"google\\\": 941, \\\"translating\\\": 942, \\\"profile\\\": 943, \\\"follower\\\": 944, \\\"foun\\\": 945, \\\"collect\\\": 946, \\\"conspiracy\\\": 947, \\\"theory\\\": 948, \\\"theyre\\\": 949, \\\"killing\\\": 950, \\\"site\\\": 951, \\\"normie\\\": 952, \\\"alcoholic\\\": 953, \\\"canceling\\\": 954, \\\"saturay\\\": 955, \\\"plan\\\": 956, \\\"wallet\\\": 957, \\\"0x95b23a7f69a254b6c4006f2eccb4abc3bc2589\\\": 958, \\\"utility\\\": 959, \\\"accomplish\\\": 960, \\\"capacity\\\": 961, \\\"everyay\\\": 962, \\\"person\\\": 963, \\\"fi\\\": 964, \\\"ifficult\\\": 965, \\\"ifferentiate\\\": 966, \\\"mechanic\\\": 967, \\\"oa\\\": 968, \\\"2025\\\": 969, \\\"brooklyn\\\": 970, \\\"unlimite\\\": 971, \\\"renering\\\": 972, \\\"customizable\\\": 973, \\\"match\\\": 974, \\\"graphically\\\": 975, \\\"representation\\\": 976, \\\"'normal'\\\": 977, \\\"irect\\\": 978, \\\"stimulation\\\": 979, \\\"luci\\\": 980, \\\"mom\\\": 981, \\\"close\\\": 982, \\\"leaing\\\": 983, \\\"qanon\\\": 984, \\\"transitioning\\\": 985, \\\"obvious\\\": 986, \\\"expensive\\\": 987, \\\"clothing\\\": 988, \\\"bahahahahhahahahhaha\\\": 989, \\\"nakemeta\\\": 990, \\\"fronts\\\": 991, \\\"malls\\\": 992, \\\"eucational\\\": 993, \\\"center\\\": 994, \\\"accessible\\\": 995, \\\"thru\\\": 996, \\\"listen\\\": 997, \\\"zuck\\\": 998, \\\"reinventing\\\": 999, \\\"wheel\\\": 1000, \\\"cinnamonvector\\\": 1001, \\\"k\\\": 1002, \\\"rone\\\": 1003, \\\"rave\\\": 1004, \\\"meiterranean\\\": 1005, \\\"boring\\\": 1006, \\\"forever\\\": 1007, \\\"except\\\": 1008, \\\"suppose\\\": 1009, \\\"places\\\": 1010, \\\"corporate\\\": 1011, \\\"paris\\\": 1012, \\\"hilton\\\": 1013, \\\"name\\\": 1014, \\\"queen\\\": 1015, \\\"noboy\\\": 1016, \\\"asshole\\\": 1017, \\\"lay\\\": 1018, \\\"\\\\ud83d\\\\udc49\\\\ud83c\\\\udffd\\\\ud83d\\\\udc4c\\\\ud83c\\\\udffdin\\\": 1019, \\\"han\\\": 1020, \\\"motion\\\": 1021, \\\"\\\\ud83d\\\\ude21\\\": 1022, \\\"\\\\u2018metaverse\\\\u2019\\\": 1023, \\\"gta\\\": 1024, \\\"isn\\\\u2019t\\\": 1025, \\\"aa\\\": 1026, \\\"q\\\": 1027, \\\"mazerunner\\\": 1028, \\\"consiers\\\": 1029, \\\"communicate\\\": 1030, \\\"communication\\\": 1031, \\\"although\\\": 1032, \\\"birkin\\\": 1033, \\\"remains\\\": 1034, \\\"craftsmanship\\\": 1035, \\\"optimize\\\": 1036, \\\"massive\\\": 1037, \\\"paraigm\\\": 1038, \\\"progressive\\\": 1039, \\\"proof\\\": 1040, \\\"maturing\\\": 1041, \\\"class\\\": 1042, \\\"however\\\": 1043, \\\"forget\\\": 1044, \\\"woner\\\": 1045, \\\"we'll\\\": 1046, \\\"hologram\\\": 1047, \\\"society\\\": 1048, \\\"normal\\\": 1049, \\\"lives\\\": 1050, \\\"generation\\\": 1051, \\\"grass\\\": 1052, \\\"trees\\\": 1053, \\\"af\\\": 1054, \\\"often\\\": 1055, \\\"evice\\\": 1056, \\\"whether\\\": 1057, \\\"watching\\\": 1058, \\\"movie\\\": 1059, \\\"chatting\\\": 1060, \\\"vieo\\\": 1061, \\\"satisfaction\\\": 1062, \\\"opamine\\\": 1063, \\\"unhook\\\": 1064, \\\"cheating\\\": 1065, \\\"aopte\\\": 1066, \\\"they\\\\u2019re\\\": 1067, \\\"sexually\\\": 1068, \\\"assaulting\\\": 1069, \\\"raping\\\": 1070, \\\"bigger\\\": 1071, \\\"critical\\\": 1072, \\\"sorry\\\": 1073, \\\"spatial\\\": 1074, \\\"but\\\\u2014alreay\\\": 1075, \\\"is\\\\u2014temporal\\\": 1076, \\\"attention\\\": 1077, \\\"ancers\\\": 1078, \\\"imma\\\": 1079, \\\"\\\\ud83d\\\\ude02\\\": 1080, \\\"wanting\\\": 1081, \\\"lock\\\": 1082, \\\"covi\\\": 1083, \\\"crime\\\": 1084, \\\"fear\\\": 1085, \\\"enter\\\": 1086, \\\"reucing\\\": 1087, \\\"footprint\\\": 1088, \\\"control\\\": 1089, \\\"gamers\\\": 1090, \\\"giant\\\": 1091, \\\"sticking\\\": 1092, \\\"entire\\\": 1093, \\\"\\\\ud83d\\\\udcaf\\\": 1094, \\\"pls\\\": 1095, \\\"panel\\\": 1096, \\\"they\\\": 1097, \\\"b\\\": 1098, \\\"app\\\": 1099, \\\"faker\\\": 1100, \\\"sleep\\\": 1101, \\\"fr\\\": 1102, \\\"remin\\\": 1103, \\\"akira\\\\u2019s\\\": 1104, \\\"shoe\\\": 1105, \\\"pointe\\\": 1106, \\\"seriously\\\": 1107, \\\"cease\\\": 1108, \\\"exciting\\\": 1109, \\\"aictive\\\": 1110, \\\"nftcommunity\\\": 1111, \\\"sheeesh\\\": 1112, \\\"whole\\\": 1113, \\\"evelopment\\\": 1114, \\\"2037\\\": 1115, \\\"vibration\\\": 1116, \\\"favor\\\": 1117, \\\"\\\\u26a1\\\\ufe0f\\\": 1118, \\\"hub\\\": 1119, \\\"woahh\\\": 1120, \\\"matterverse\\\": 1121, \\\"convergence\\\": 1122, \\\"enhance\\\": 1123, \\\"physically\\\": 1124, \\\"persistent\\\": 1125, \\\"incluing\\\": 1126, \\\"sum\\\": 1127, \\\"scary\\\": 1128, \\\"likely\\\": 1129, \\\"verse\\\": 1130, \\\"sucks\\\": 1131, \\\"aj\\\": 1132, \\\"complete\\\": 1133, \\\"rule\\\": 1134, \\\"physic\\\": 1135, \\\"limitation\\\": 1136, \\\"mol\\\": 1137, \\\"cage\\\": 1138, \\\"lie\\\": 1139, \\\"pyrami\\\": 1140, \\\"scheme\\\": 1141, \\\"provemewrong\\\": 1142, \\\"parcel\\\": 1143, \\\"greatest\\\": 1144, \\\"regret\\\": 1145, \\\"5years\\\": 1146, \\\"\\\\ud83d\\\\ude09\\\": 1147, \\\"ago\\\": 1148, \\\"largest\\\": 1149, \\\"unerneath\\\": 1150, \\\"win\\\": 1151, \\\"fire\\\": 1152, \\\"cringing\\\": 1153, \\\"imo\\\": 1154, \\\"\\\\u26a1\\\\ufe0f\\\\u26a1\\\\ufe0f\\\\u26a1\\\\ufe0f\\\": 1155, \\\"champions\\\": 1156, \\\"heck\\\": 1157, \\\"being\\\": 1158, \\\"sustainable\\\": 1159, \\\"strong\\\": 1160, \\\"priority\\\": 1161, \\\"veve\\\": 1162, \\\"ecomi\\\": 1163, \\\"founing\\\": 1164, \\\"neutrality\\\": 1165, \\\"plege\\\": 1166, \\\"towar\\\": 1167, \\\"making\\\": 1168, \\\"collectible\\\": 1169, \\\"part\\\": 1170, \\\"green\\\": 1171, \\\"environmentally\\\": 1172, \\\"frienly\\\": 1173, \\\"businesses\\\": 1174, \\\"boson\\\": 1175, \\\"protocol\\\": 1176, \\\"worl\\\\u2019s\\\": 1177, \\\"billboar\\\": 1178, \\\"recruitment\\\": 1179, \\\"campaign\\\": 1180, \\\"\\\\ud83d\\\\ude80\\\": 1181, \\\"escribe\\\": 1182, \\\"block\\\": 1183, \\\"revision\\\": 1184, \\\"reverse\\\": 1185, \\\"politics\\\": 1186, \\\"war\\\": 1187, \\\"liberty\\\": 1188, \\\"commerce\\\": 1189, \\\"john\\\": 1190, \\\"aams\\\": 1191, \\\"if\\\": 1192, \\\"spac\\\": 1193, \\\"cryptocurrency\\\": 1194, \\\"will\\\": 1195, \\\"sz\\\": 1196, \\\"\\\\ud83d\\\\ude44\\\": 1197, \\\"streame\\\": 1198, \\\"mona\\\": 1199, \\\"coffee\\\": 1200, \\\"restore\\\": 1201, \\\"sp\\\": 1202, \\\"lavenza\\\": 1203, \\\"sense\\\": 1204, \\\"maruki\\\": 1205, \\\"atabase\\\": 1206, \\\"financial\\\": 1207, \\\"global\\\": 1208, \\\"fiat\\\": 1209, \\\"solo\\\": 1210, \\\"founation\\\": 1211, \\\"elastos\\\": 1212, \\\"smartweb\\\": 1213, \\\"least\\\": 1214, \\\"now\\\\u2014\\\": 1215, \\\"simple\\\": 1216, \\\"tamperproof\\\": 1217, \\\"unbiase\\\": 1218, \\\"mathematically\\\": 1219, \\\"soun\\\": 1220, \\\"energy\\\": 1221, \\\"burne\\\": 1222, \\\"trustworthy\\\": 1223, \\\"who\\\\u2019s\\\": 1224, \\\"waste\\\": 1225, \\\"golf\\\": 1226, \\\"kakaovx\\\": 1227, \\\"sktelecom\\\": 1228, \\\"nb\\\": 1229, \\\"kakao\\\": 1230, \\\"vx\\\": 1231, \\\"northkorea\\\": 1232, \\\"cocktails\\\": 1233, \\\"minutes\\\": 1234, \\\"left\\\": 1235, \\\"gooo\\\": 1236, \\\"grueling\\\": 1237, \\\"barge\\\": 1238, \\\"march\\\": 1239, \\\"give\\\": 1240, \\\"eserve\\\": 1241, \\\"nowstreaming\\\": 1242, \\\"\\\\ufe0f\\\": 1243, \\\"kamisawze\\\": 1244, \\\"thevisionex\\\": 1245, \\\"creation\\\": 1246, \\\"gameesign\\\": 1247, \\\"gameev\\\": 1248, \\\"inieev\\\": 1249, \\\"safemoon\\\": 1250, \\\"assume\\\": 1251, \\\"saying\\\": 1252, \\\"matic\\\": 1253, \\\"lfg\\\": 1254, \\\"boom\\\": 1255, \\\"ecae\\\": 1256, \\\"currency\\\": 1257, \\\"also\\\": 1258, \\\"sov\\\": 1259, \\\"bon\\\": 1260, \\\"triple\\\": 1261, \\\"pas\\\": 1262, \\\"unerstoo\\\": 1263, \\\"banklesshq\\\": 1264, \\\"metaverse'\\\": 1265, \\\"set\\\": 1266, \\\"bar\\\": 1267, \\\"upgrae\\\": 1268, \\\"stress\\\": 1269, \\\"ultraverse\\\": 1270, \\\"megaverse\\\": 1271, \\\"turboverse\\\": 1272, \\\"maxiverse\\\": 1273, \\\"superuperverse\\\": 1274, \\\"omfgaverse\\\": 1275, \\\"fully\\\": 1276, \\\"isparate\\\": 1277, \\\"brings\\\": 1278, \\\"context\\\": 1279, \\\"relevance\\\": 1280, \\\"tangible\\\": 1281, \\\"ties\\\": 1282, \\\"reas\\\": 1283, \\\"car\\\": 1284, \\\"glow\\\": 1285, \\\"yellow\\\": 1286, \\\"outfit\\\": 1287, \\\"shaow\\\": 1288, \\\"over\\\": 1289, \\\"stuffe\\\": 1290, \\\"animals\\\": 1291, \\\"attening\\\": 1292, \\\"session\\\": 1293, \\\"\\\\ud83e\\\\udd7a\\\": 1294, \\\"twins\\\": 1295, \\\"mixe\\\": 1296, \\\"application\\\": 1297, \\\"\\\\ud83d\\\\udd25\\\\ud83e\\\\udd0c\\\\ud83c\\\\udffe\\\": 1298, \\\"msbuil\\\": 1299, \\\"msbuil2021\\\": 1300, \\\"anielarsham\\\": 1301, \\\"fan\\\": 1302, \\\"\\\\ud83e\\\\udd1d\\\\u2728\\\": 1303, \\\"friay\\\": 1304, \\\"\\\\ud83d\\\\udd25\\\": 1305, \\\"nftartists\\\": 1306, \\\"nftcollectors\\\": 1307, \\\"\\\\ud83d\\\\udc9a\\\": 1308, \\\"please\\\": 1309, \\\"eieganglan\\\": 1310, \\\"guess\\\": 1311, \\\"economic\\\": 1312, \\\"implication\\\": 1313, \\\"overstate\\\": 1314, \\\"alone\\\": 1315, \\\"another\\\": 1316, \\\"fact\\\": 1317, \\\"necessity\\\\ud83e\\\\uddf5\\\": 1318, \\\"tag\\\": 1319, \\\"traitor\\\": 1320, \\\"leave\\\": 1321, \\\"generally\\\": 1322, \\\"atleast\\\": 1323, \\\"speaking\\\": 1324, \\\"bol\\\": 1325, \\\"mission\\\": 1326, \\\"backe\\\": 1327, \\\"geek\\\": 1328, \\\"manifest\\\": 1329, \\\"via\\\": 1330, \\\"willpower\\\": 1331, \\\"elbow\\\": 1332, \\\"grease\\\": 1333, \\\"potentially\\\": 1334, \\\"promising\\\": 1335, \\\"grow\\\\u2705\\\\ud83d\\\\udd1c\\\": 1336, \\\"frien\\\": 1337, \\\"nbatopshot\\\": 1338, \\\"31\\\": 1339, \\\"maxi\\\": 1340, \\\"kleber\\\": 1341, \\\"nearly\\\": 1342, \\\"waking\\\": 1343, \\\"moment\\\": 1344, \\\"learning\\\": 1345, \\\"honor\\\": 1346, \\\"rie\\\": 1347, \\\"t\\\": 1348, \\\"collection\\\": 1349, \\\"reasoning\\\": 1350, \\\"each\\\": 1351, \\\"girl\\\": 1352, \\\"unerstans\\\": 1353, \\\"course\\\": 1354, \\\"ev\\\": 1355, \\\"eeterplays\\\": 1356, \\\"lobby\\\": 1357, \\\"fill\\\": 1358, \\\"quick\\\": 1359, \\\"fucking\\\": 1360, \\\"rigge\\\": 1361, \\\"tip\\\": 1362, \\\"recently\\\": 1363, \\\"events\\\": 1364, \\\"rb\\\": 1365, \\\"battle\\\": 1366, \\\"rp2\\\": 1367, \\\"insane\\\": 1368, \\\"valks\\\": 1369, \\\"shaers\\\": 1370, \\\"limites\\\": 1371, \\\"avise\\\": 1372, \\\"juge\\\": 1373, \\\"beacuse\\\": 1374, \\\"beautiful\\\": 1375, \\\"merrier\\\": 1376, \\\"force\\\": 1377, \\\"choose\\\": 1378, \\\"house\\\": 1379, \\\"ahhhh\\\": 1380, \\\"ethlings\\\": 1381, \\\"fast\\\": 1382, \\\"sooo\\\": 1383, \\\"shaes\\\": 1384, \\\"type\\\": 1385, \\\"character\\\": 1386, \\\"10x\\\": 1387, \\\"important\\\": 1388, \\\"\\\\ud83d\\\\udd76\\\": 1389, \\\"\\\\ud83d\\\\udccd\\\": 1390, \\\"non\\\": 1391, \\\"fungible\\\": 1392, \\\"\\\\ud83d\\\\udc8e\\\": 1393, \\\"bloom\\\": 1394, \\\"\\\\ud83d\\\\udd11\\\": 1395, \\\"\\\\ud83d\\\\udca1\\\\ud83e\\\\udd2f\\\\ud83c\\\\udf0f\\\": 1396, \\\"creativity\\\": 1397, \\\"limitless\\\": 1398, \\\"ssi\\\": 1399, \\\"ecentralizeientity\\\": 1400, \\\"aaaaah\\\": 1401, \\\"joy\\\": 1402, \\\"ahh\\\": 1403, \\\"mobile\\\": 1404, \\\"pc\\\\ud83d\\\\ude2d\\\": 1405, \\\"\\\\ud83d\\\\ude00\\\": 1406, \\\"gaming\\\": 1407, \\\"play2earn\\\": 1408, \\\"box\\\": 1409, \\\"missing\\\": 1410, \\\"final\\\": 1411, \\\"thank\\\": 1412, \\\"metaversechampions\\\": 1413, \\\"monthly\\\": 1414, \\\"users\\\": 1415, \\\"reit\\\": 1416, \\\"ama\\\": 1417, \\\"book\\\": 1418, \\\"\\\\ud83c\\\\udfc6\\\": 1419, \\\"are\\\\u2026\\\": 1420, \\\"malaysian\\\": 1421, \\\"connect\\\": 1422, \\\"hosting\\\": 1423, \\\"alot\\\": 1424, \\\"seeing\\\": 1425, \\\"collector\\\": 1426, \\\"aos\\\": 1427, \\\"meicis\\\": 1428, \\\"plural\\\": 1429, \\\"happene\\\": 1430, \\\"yakkopinky\\\": 1431, \\\"saw\\\": 1432, \\\"13th\\\": 1433, \\\"sneak\\\": 1434, \\\"peak\\\": 1435, \\\"blog\\\": 1436, \\\"ticket\\\": 1437, \\\"checke\\\": 1438, \\\"post\\\": 1439, \\\"mention\\\": 1440, \\\"atten\\\": 1441, \\\"anywho\\\": 1442, \\\"moving\\\": 1443, \\\"folks\\\": 1444, \\\"www\\\": 1445, \\\"style\\\": 1446, \\\"innovating\\\": 1447, \\\"privatize\\\": 1448, \\\"inclusion\\\": 1449, \\\"futuristic\\\": 1450, \\\"\\\\ud83e\\\\udd1e\\\": 1451, \\\"apparently\\\": 1452, \\\"islan\\\": 1453, \\\"strange\\\": 1454, \\\"nftsmart\\\": 1455, \\\"booke\\\": 1456, \\\"october\\\\ud83d\\\\udc40artists\\\": 1457, \\\"vibe\\\": 1458, \\\"interview\\\": 1459, \\\"exhibit\\\": 1460, \\\"38\\\": 1461, \\\"103\\\": 1462, \\\"expaning\\\": 1463, \\\"metaverses\\\": 1464, \\\"nftfreaks\\\": 1465, \\\"ajust\\\": 1466, \\\"asking\\\": 1467, \\\"price\\\": 1468, \\\"fluctuates\\\": 1469, \\\"artistic\\\": 1470, \\\"relative\\\": 1471, \\\"baby\\\": 1472, \\\"\\\\ud83d\\\\ude02\\\\ud83d\\\\ude02\\\": 1473, \\\"larger\\\": 1474, \\\"chunk\\\": 1475, \\\"hanging\\\": 1476, \\\"efault\\\": 1477, \\\"socialise\\\": 1478, \\\"perfumer\\\": 1479, \\\"note\\\": 1480, \\\"unique\\\": 1481, \\\"nftcollector\\\": 1482, \\\"nftartist\\\": 1483, \\\"metaversescent\\\": 1484, \\\"careful\\\": 1485, \\\"computing\\\": 1486, \\\"vague\\\": 1487, \\\"catchy\\\": 1488, \\\"terms\\\": 1489, \\\"guie\\\": 1490, \\\"revenue\\\": 1491, \\\"growth\\\": 1492, \\\"icing\\\": 1493, \\\"cake\\\": 1494, \\\"museum\\\": 1495, \\\"showcase\\\": 1496, \\\"wie\\\": 1497, \\\"variety\\\": 1498, \\\"nftrae\\\": 1499, \\\"ntvrk\\\": 1500, \\\"average\\\": 1501, \\\"ault\\\": 1502, \\\"7\\\": 1503, \\\"8\\\": 1504, \\\"sleeping\\\": 1505, \\\"interacting\\\": 1506, \\\"igitally\\\": 1507, \\\"aoption\\\": 1508, \\\"bowtiebull\\\": 1509, \\\"ben\\\": 1510, \\\"nolan\\\": 1511, \\\"unfortunately\\\": 1512, \\\"wasn\\\\u2019t\\\": 1513, \\\"poste\\\": 1514, \\\"ening\\\": 1515, \\\"epressing\\\": 1516, \\\"btc\\\": 1517, \\\"grining\\\": 1518, \\\"exploring\\\": 1519, \\\"inica\\\": 1520, \\\"nap\\\": 1521, \\\"sunayfunay\\\": 1522, \\\"men\\\": 1523, \\\"groun\\\": 1524, \\\"floor\\\": 1525, \\\"influence\\\": 1526, \\\"women\\\\u2019s\\\": 1527, \\\"womxn\\\": 1528, \\\"literary\\\": 1529, \\\"cryptotwitter\\\": 1530, \\\"lockown\\\": 1531, \\\"engaging\\\": 1532, \\\"pure\\\": 1533, \\\"unaulterate\\\": 1534, \\\"4\\\": 1535, \\\"valkyrie\\\": 1536, \\\"best\\\": 1537, \\\"joine\\\": 1538, \\\"twin\\\": 1539, \\\"wire\\\": 1540, \\\"bore\\\": 1541, \\\"can\\\\u2019t\\\": 1542, \\\"miitopia\\\": 1543, \\\"opene\\\": 1544, \\\"reveale\\\": 1545, \\\"ranting\\\": 1546, \\\"zara\\\": 1547, \\\"larson\\\": 1548, \\\"tomorrow\\\\u2019ll\\\": 1549, \\\"chaveztopia\\\": 1550, \\\"silicone\\\": 1551, \\\"valley\\\": 1552, \\\"invent\\\": 1553, \\\"synthesize\\\": 1554, \\\"musk's\\\": 1555, \\\"infuse\\\": 1556, \\\"egg\\\": 1557, \\\"pre\\\": 1558, \\\"embryonic\\\": 1559, \\\"stages\\\": 1560, \\\"army\\\": 1561, \\\"superhumans\\\": 1562, \\\"rany's\\\": 1563, \\\"aughter\\\": 1564, \\\"wenesay\\\": 1565, \\\"telling\\\": 1566, \\\"figure\\\": 1567, \\\"cany\\\": 1568, \\\"ix\\\": 1569, \\\"shells\\\": 1570, \\\"kinest\\\": 1571, \\\"supportive\\\": 1572, \\\"met\\\": 1573, \\\"patient\\\": 1574, \\\"encouraging\\\": 1575, \\\"\\\\ud83d\\\\udc4f\\\": 1576, \\\"labs\\\": 1577, \\\"announce\\\": 1578, \\\"closing\\\": 1579, \\\"6m\\\": 1580, \\\"roun\\\": 1581, \\\"wave\\\": 1582, \\\"gallery\\\": 1583, \\\"june\\\": 1584, \\\"immature\\\": 1585, \\\"emotionally\\\": 1586, \\\"unstable\\\": 1587, \\\"encountere\\\": 1588, \\\"past\\\": 1589, \\\"paramount\\\": 1590, \\\"introuce\\\": 1591, \\\"notion\\\": 1592, \\\"pullback\\\": 1593, \\\"moon\\\": 1594, \\\"primer\\\": 1595, \\\"parcels\\\": 1596, \\\"aping\\\": 1597, \\\"eep\\\": 1598, \\\"inner\\\": 1599, \\\"houseofkibaa\\\": 1600, \\\"lifetime\\\": 1601, \\\"steal\\\": 1602, \\\"sick\\\": 1603, \\\"slick\\\": 1604, \\\"count\\\": 1605, \\\"apewars\\\": 1606, \\\"cryptoart\\\": 1607, \\\"necessity\\\": 1608, \\\"longer\\\": 1609, \\\"eepfakes\\\": 1610, \\\"isinformation\\\": 1611, \\\"result\\\": 1612, \\\"belief\\\": 1613, \\\"institution\\\": 1614, \\\"maintain\\\": 1615, \\\"recors\\\": 1616, \\\"ownership\\\": 1617, \\\"provenance\\\": 1618, \\\"all\\\": 1619, \\\"iscover\\\": 1620, \\\"exprience\\\": 1621, \\\"upate\\\": 1622, \\\"\\\\ud83d\\\\ude21\\\\ud83d\\\\ude21\\\\ud83d\\\\ude21\\\": 1623, \\\"ieas\\\": 1624, \\\"garen\\\": 1625, \\\"worse\\\": 1626, \\\"prizes\\\": 1627, \\\"i'll\\\": 1628, \\\"useless\\\": 1629, \\\"stanar\\\": 1630, \\\"engine\\\": 1631, \\\"solve\\\": 1632, \\\"cross\\\": 1633, \\\"otherwise\\\": 1634, \\\"remae\\\": 1635, \\\"none\\\": 1636, \\\"everyboy\\\": 1637, \\\"charge\\\": 1638, \\\"esigns\\\": 1639, \\\"raise\\\": 1640, \\\"bellow\\\": 1641, \\\"uring\\\": 1642, \\\"hicathon\\\": 1643, \\\"hic\\\": 1644, \\\"et\\\": 1645, \\\"nunc\\\": 1646, \\\"works\\\": 1647, \\\"shoutout\\\": 1648, \\\"oxx\\\": 1649, \\\"xoxoxox\\\": 1650, \\\"foganis\\\": 1651, \\\"yungmathusalem\\\": 1652, \\\"vaxzine\\\": 1653, \\\"snapchat\\\": 1654, \\\"near\\\": 1655, \\\"sc's\\\": 1656, \\\"auience\\\": 1657, \\\"twice\\\": 1658, \\\"billie\\\": 1659, \\\"eilish\\\": 1660, \\\"anticipate\\\": 1661, \\\"fellow\\\": 1662, \\\"actors\\\": 1663, \\\"nft\\\\u2019s\\\": 1664, \\\"celebrate\\\": 1665, \\\"monetize\\\": 1666, \\\"economy\\\": 1667, \\\"creatoreconomy\\\": 1668, \\\"creators\\\": 1669, \\\"finishe\\\": 1670, \\\"last\\\": 1671, \\\"exam\\\": 1672, \\\"pumpe\\\": 1673, \\\"pursue\\\": 1674, \\\"vertoexchange\\\": 1675, \\\"full\\\": 1676, \\\"\\\\u27a1\\\\ufe0f\\\": 1677, \\\"newspaper\\\": 1678, \\\"starte\\\": 1679, \\\"sensationalism\\\": 1680, \\\"twiste\\\": 1681, \\\"reporting\\\": 1682, \\\"came\\\": 1683, \\\"followe\\\": 1684, \\\"blogs\\\": 1685, \\\"fake\\\": 1686, \\\"sprea\\\": 1687, \\\"\\\\u2728perfect\\\\u2728\\\": 1688, \\\"\\\\ud83d\\\\ude1a\\\": 1689, \\\"legal\\\": 1690, \\\"bullshit\\\": 1691, \\\"hey\\\": 1692, \\\"been\\\": 1693, \\\"haven\\\\u2019t\\\": 1694, \\\"awhile\\\": 1695, \\\"i\\\\u2019ll\\\": 1696, \\\"what\\\": 1697, \\\"hello\\\": 1698, \\\"firevertex\\\": 1699, \\\"message\\\": 1700, \\\"metacurse\\\": 1701, \\\"superworlapp\\\": 1702, \\\"plot\\\": 1703, \\\"asap\\\": 1704, \\\"toolate\\\": 1705, \\\"avantage\\\": 1706, \\\"ibs\\\": 1707, \\\"investing\\\": 1708, \\\"ethereum\\\": 1709, \\\"\\\\u2728\\\": 1710, \\\"rea\\\": 1711, \\\"\\\\ud83d\\\\udc47\\\\ud83c\\\\udffb\\\\u263a\\\\ufe0f\\\": 1712, \\\"mvps\\\": 1713, \\\"\\\\u2728\\\\ud83d\\\\ude4f\\\\ud83c\\\\udffd\\\": 1714, \\\"taxing\\\": 1715, \\\"computer\\\": 1716, \\\"heae\\\": 1717, \\\"towars\\\": 1718, \\\"2n\\\": 1719, \\\"pc\\\": 1720, \\\"i've\\\": 1721, \\\"unerestimate\\\": 1722, \\\"singing\\\": 1723, \\\"ik\\\": 1724, \\\"criminal\\\": 1725, \\\"punishe\\\": 1726, \\\"tormente\\\": 1727, \\\"capitalpunishment\\\": 1728, \\\"lawanorer\\\": 1729, \\\"law\\\": 1730, \\\"ai\\\": 1731, \\\"science\\\": 1732, \\\"newworlorer\\\": 1733, \\\"scifi\\\": 1734, \\\"unplug\\\": 1735, \\\"are\\\": 1736, \\\"ethnicity\\\": 1737, \\\"religion\\\": 1738, \\\"ivisive\\\": 1739, \\\"trait\\\": 1740, \\\"arguably\\\": 1741, \\\"accepts\\\": 1742, \\\"ifferences\\\": 1743, \\\"eems\\\": 1744, \\\"irrelevant\\\": 1745, \\\"spice\\\": 1746, \\\"flow\\\": 1747, \\\"vrchat\\\": 1748, \\\"unermines\\\": 1749, \\\"unervalues\\\": 1750, \\\"is\\\": 1751, \\\"pickup\\\": 1752, \\\"ball\\\": 1753, \\\"ok\\\": 1754, \\\"soo\\\": 1755, \\\"whaa\\\": 1756, \\\"cringe\\\": 1757, \\\"america\\\": 1758, \\\"builers\\\": 1759, \\\"palette\\\": 1760, \\\"expression\\\": 1761, \\\"marketing\\\": 1762, \\\"immersive\\\": 1763, \\\"marketingtwitter\\\": 1764, \\\"rug\\\": 1765, \\\"neee\\\": 1766, \\\"expan\\\": 1767, \\\"consciousness\\\": 1768, \\\"epresse\\\": 1769, \\\"nature\\\": 1770, \\\"capitalism\\\": 1771, \\\"happiness\\\": 1772, \\\"coolest\\\": 1773, \\\"finale\\\": 1774, \\\"sen\\\": 1775, \\\"shoot\\\": 1776, \\\"film\\\": 1777, \\\"release\\\": 1778, \\\"reaming\\\": 1779, \\\"sorta\\\": 1780, \\\"sucke\\\": 1781, \\\"rthro\\\": 1782, \\\"overall\\\": 1783, \\\"survive\\\": 1784, \\\"expecte\\\": 1785, \\\"enws\\\": 1786, \\\"\\\\u2018internet\\\\u2019\\\": 1787, \\\"funeral\\\": 1788}\"}}" \ No newline at end of file diff --git a/output/twitter_data_0.json b/output/twitter_data_0.json deleted file mode 100644 index 4c45355af937ae009cdeed4c64d4dfdc1e83b601..0000000000000000000000000000000000000000 --- a/output/twitter_data_0.json +++ /dev/null @@ -1 +0,0 @@ -{"columns":["date","username","tweet"],"index":[0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],"data":[["05\/08\/2023, 09:37:40","JuryQueeni77113","#DexGame is a #metaverse #GameFi project that has taken the gaming world by storm!! Blockchain-based #esports game platform for ga"],["05\/08\/2023, 11:00:02","drshweta1312","#Metaverse industry in #SouthKorea is expected to grow by 43% on an annual basis to reach US$5,5437 million in 2023. #yarg\u0131 #\u0bb5\u0bbf\u0b9f\u0bbe\u0bae\u0bc1\u0baf\u0bb1\u0bcd\u0b9a\u0bbf #SuccessionHBO #Ukraine #HBDAjithKumar #\u0e2d\u0e34\u0e07\u0e25\u0e47\u0e2d\u0e15 #GlazersOut #qsmp #CSKvsPBKS #Barry #oriele"],["05\/08\/2023, 11:34:09","nftfrix","#NFTs, #GenerativeAI, and #Metaverse are shaking up the digital world - what do you think? Share your thoughts and join the conversation! #techtrends #disruptivetech #digitalassets #collectibles @Hmedhamzaoui @nike_kama @CHarroeArts @digixchg @oixofficial"],["05\/08\/2023, 09:27:16","darcydonavan","#Pepe or Presale of #Metaverse #IncomeIslandCoin?"],["05\/08\/2023, 09:56:10","Purdey_abilit","#Valhalla continues to impress as one of the most active #metaverse projects. During the Easter event, we averaged 4 million requests per day over 8 days according to data from Alchemy's Supernode. This shows strong interest ahead of Valhalla's mainnet launch later this year!"],["05\/08\/2023, 09:59:10","itowakeiko","#zkApes to the moon! #zkSync #NFT #NFTs #Apes #metaverse #NFTsale"],["05\/08\/2023, 11:50:33","rockababYBurger","2021 : NPC 2022 : Metaverse 2023 : AI and im still lonely af!"],["05\/08\/2023, 09:00:32","mctwerk1","3\/5 Our metaverse consist of several games (including a serious 3D game), a whole series of comics, coolest cartoons and merch. All this will be combined into one ecosystem with the help of competent and deep integration of Ape NFT and $sApe Token."],["05\/08\/2023, 08:41:36","MEM8410","4 PROS: \u2705Parachains allow for more efficient & scalable blockchains \u2705 Easier communication & data transfer between #parachains & #relay chain \u2705Allows for #decentralized decision-making & community involvement \u2705 Diversity of category from Defi, Infra, #NFT & #metaverse"],["05\/08\/2023, 09:13:07","brilynn_lien","63% of corporate entities in india have plans to integrate metaverse as part of their organizational processes. Nearly 25% of respondents are keen on transferring several processes to the metaverse before the end of the year. 47% of surveye"],["05\/08\/2023, 08:32:03","AlessandroPayt1","A metaverse store is a virtual shopping space that exists within the metaverse \u2013 a collective virtual shared space, including augmented reality and virtual reality environments."],["05\/08\/2023, 11:00:00","GoGamier","According to a survey, 57% of consumers say that they are more likely to recommend a brand that provides a fun and interactive experience. With GAMIER's platform, you can create immersive branded games that generate positive word-of-mouth. #metaverse #Web3 #games #interactive"],["05\/08\/2023, 08:39:17","FrancescoTradi2","Alibaba Cloud is building a metaverse launchpad on Avalanche, providing businesses with an end-to-end platform to customize and maintain their metaverse spaces. Named Cloudverse, this launchpad aims to provide new ways for companies to engage with their customers."],["05\/08\/2023, 10:55:22","BlairReyna2","Alibaba cloud joins forces with avalanche to launch a metaverse on the blockchain. Partnership aims to bring new possibilities to the metaverse world by creating decentralized, secure, and scalable virtual worlds."],["05\/08\/2023, 09:40:38","DefiUncut","Alibaba joins forces with Avalanche to develop blockchain-powered #metaverse launchpad. #blockchain"],["05\/08\/2023, 10:09:22","dahoomi41933764","An honor to be a part of this awesome project! Come check out NFT Asia Chap 2 at Somerset Youth Park in Singapore from 21-23 Dec! @xctualyfe #NFTs #Metaverse #Web3"],["05\/08\/2023, 08:28:56","Am__Bad","Are you ready to enter the Jot Art metaverse? With two Play-to-Earn games already available and more on the way, there are endless possibilities to create and earn in this decentralized virtual world. #jotart #crypto #nft #ethereum #DeFi"],["05\/08\/2023, 10:30:38","NechamaHanlon1","Avalanche, a fast and scalable layer 1 blockchain platform, has announced a strategic partnership with alibaba cloud. Cloudverse allows businesses and brands to smoothly customize, launch, and maintain their own metaverse space."],["05\/08\/2023, 09:00:11","MEMAGgames","Be a part of the #MEMAG World!\ud83c\udfae\ud83d\udcad Don't miss out on this incredible opportunity to immerse yourself in the ultimate #Play2Earn gaming #Metaverse!\ud83c\udf0d\ud83e\udd16 Join the #MEMAGFAM today!\ud83d\ude80 #P2E #Crypto"],["05\/08\/2023, 08:34:08","nftfrix","Check out the latest news on #NFTs, #GenerativeAI and the #Metaverse \u2013 what do you think of the rising craze? Have an opinion on the future of #technology? Share it with us! #OpineTech @EalainGanAinm @albergo2010 @AmandaPauley13 @AmandaPauley13 @oixofficial"],["05\/08\/2023, 10:53:49","lakieshalakin19","DEXGame is blockchain based GAME-Fi ecosystem. #dexgame #metaverse #oxro #bitcoin #YapayZeka #ceek #coinbase #altcoin #solana #"],["05\/08\/2023, 09:26:12","luedtke_caelum","Deelance is building an innovative, crypto and nft-powered metaverse that unite s freelancers and employers. It promises to transform remote working forever, as well as the $761 billion-dollar recruitment sector."],["05\/08\/2023, 11:51:24","fallenangelze37","Do you know #DEXGame? There are #Metaverse, #NFT and #GameFi products. The #esports platform called #GPLEX has gone live. #dexgame"],["05\/08\/2023, 11:00:28","MarketSpotter","Do you own any land in the #metaverse? No Maybe Yes \ud83d\udc47\ud83c\udffc \ud83d\udc47\ud83c\udffc \ud83d\udc47\ud83c\udffc"],["05\/08\/2023, 11:46:48","58mitchs","Don't worry guys!! InTerp0L have teamed up with the World Economic Forum to help \"define and build the metaverse\" The future is SAFU \ud83e\udd1d"],["05\/08\/2023, 09:52:47","Demetri23030200","English footballer jack grealish has made his dj debut through a metaverse performance. The performance is part of the manchester city football club\u2019s partnership with web3 platform okx, which is a. Cryptocurrency exchange platform offering"],["05\/08\/2023, 10:20:21","vikmillz","Exciting developments in the world of #AI and #metaverse with the Matrix AI Network ($MAN) heading the charge towards a #web3 future. Their cutting-edge technology utilizes #GPT4 and #BTC to power decentralized applications and create great experiences. Check out on this"],["05\/08\/2023, 08:29:10","CIoserXO","Finesse: Shadow Warriors is the first game title in the Jot Art metaverse and it's just the beginning. With weapons, land, and other objects available for purchase using the JOT token, players can trade their NFTs on various exchanges. #jotart #crypto #ethereum #DeFi"],["05\/08\/2023, 09:14:42","KingNewswire","From concept to coverage - our press release services can help you. #PressRelease #kingnewswire #pressreleasedistribution #business #Growth #Advertising #BRC20 #Crypto #Web3 #blockchain #NFT #Metaverse #demol #Succession #Superclasico #phuwintang"],["05\/08\/2023, 09:25:50","Cryptoparalexi","GM #Crypto Twitter!!! Shill me your 100x gems! \ud83d\udc8e \ud83d\ude80 #altcoin #altcoins #BSCGems #crypto #NFT #DeFi #gem #Metaverse"],["05\/08\/2023, 08:22:00","UnchartedNFT_","GM \u2600\ufe0f Do you think Metaverse will play an important part in space exploration? \ud83d\ude80"],["05\/08\/2023, 08:59:15","singhsushil094","Good morning #Crypto lovers. Shill me some strong #gems and #NFT we can trust to add to the bag this new week. #cryptomarket #altcoins #memecoins #Web3 #DAO #GameFi #Metaverse #NFTs #NFTMarketplace #Bitcoin #BNB #ETH #BABYPEPE #BabyDoge #CryptoNews"],["05\/08\/2023, 11:54:23","ClurgeStudio","Have you already participated in the Mysterious 1\/1 Kangaroo Competition? \ud83e\udd98\ud83c\udf89 We understand that not everyone can afford to participate in our Avatar auction on @metamundo_co. The reserve price starts at 0.13 - Metaverse-compatible and VTubing-ready.\ud83e\uddd1\u200d\ud83d\udd2c So rare \ud83d\udd25 1-of-1. There are 2 days left to participate: https:\/\/t.co\/G3wQYA78Wq"],["05\/08\/2023, 09:14:12","gemstooneii","Have you heard of #NFTs, #GenerativeAI, and #Metaverse? What do you think about these developments in tech? Share your thoughts and let's discuss! #TechTalk @ami_078 @CarlNicholls31 @svituma @StevenR4217865 @oixofficial"],["05\/08\/2023, 11:42:22","TraderEmii0","Hello CT, heard of @ApesPlanetNFT? Apes Planet is a cross-chain adventure and fighting game based on Ethereum and BSC blockchains. It combines a narrative-driven metaverse with a fighting game (Apes Planet Champions) where Ape Warriors become Ape Legendary by mastering warfare."],["05\/08\/2023, 09:34:09","nftfrix","Hey #nftcollectors! Who else is hella into NFTs right now? #web3 What's the wildest #metaverse purchase you've seen? Share your knowledge and opinions here, #nftlovers! #genai @MCordinato32397 @Korr1g4n @growthrev @MCordinato32397 @oixofficial"],["05\/08\/2023, 11:38:00","celebverselive","Hey there! Did you know that the metaverse is the future of online entertainment? Join #Celebverse now and experience a virtual world where you can attend concerts with your favorite #celebrities!"],["05\/08\/2023, 11:36:17","ShibInformer","Hi #ShibArmy While the market goes crazy for a new wave of meme tokens $Shib can only look and say 'been there, done that. What's next?' L2, #metaverse, Shibaswap 2 are still in construction, with the L2 in beta and MV hubs being introduced one by one. Keep being strong ShibArmy"],["05\/08\/2023, 09:46:45","events_DCL","Hi @ReviewtheRoom! We have designed an escape room in the @decentraland #metaverse and we would like to know your feedback as experts. Would you like to try it? Let us know and We will send u the instructions! It\u2019s easy and fast!"],["05\/08\/2023, 10:06:18","RJCrookshank","I just wanna log my physical activity + all these apps want me to plug into the metaverse. Shall I just use a note book or can anyone recommend something simple for my fossil head? #fitness #tracker #workout #log"],["05\/08\/2023, 09:54:56","IMurtuz83701","I recently got acquainted with the Mallconomy project, I like it! Today, I will buy the NFT of this project! Who wants to come with me? Join now! :) NFT sale, today at 15:00 Moscow time #web3commerce #metaverse"],["05\/08\/2023, 08:29:30","HolyGryffin","I think AI can give metaverse a run for the money if people want to expand their mind in words and thoughts rather than visual and sound effects Both are important AI now is like a good book that will talk Metaverse is a beautiful digital space Combined it\u2019s a new place entirely"],["05\/08\/2023, 08:26:50","LukasNerdwelten","I'm listening to the audiobook version of a German textbook on the metaverse, blockchain and NFTs. The book is geared towards enterprise and C-level. The book doesn't even manage to explain the basics properly. Most of the stuff written there is fundamentally wrong. Lol \ud83d\ude02"],["05\/08\/2023, 08:29:02","Cabella_Bio","In the Jot Art metaverse, in-game items are represented by NFTs, giving players the ability to earn, stake, or sell characters and objects across multiple games. Don't miss out on the opportunity to join this community-driven platform. #jotart #bitcoin #blockchain #nft"],["05\/08\/2023, 08:29:30","Cleo__Bae","Jot Art's goal is to provide a sandbox for players to create amazing virtual experiences with a community and player-owned economy. The JOT token, used for governance of the Jot Art DAO, is the native token of this metaverse #jotart #nft #blockchain #bitcoin"],["05\/08\/2023, 08:22:11","ppspider207","Just tested 5 dApps on #Shimmer and I'm blown away by the innovation! The future of blockchain is here. Don't miss out on the impressive loot waiting for anyone who tests them. Join the movement and conquer the Treasures of the Metaverse!#test2conquer #Shimmer"],["05\/08\/2023, 10:03:41","mediocre_123","LFG another day another slay #cryptocurrency #metaverse"],["05\/08\/2023, 09:22:20","Rebekah29352373","Layer 1 blockchain avalanche (avax) has joined forces with alibaba cloud to help businesses build, launch and maintain their own metaverse spaces on the blockchain."],["05\/08\/2023, 09:14:44","DgtlGenesisPT","MERA METAVERSE Claim your free airdrop from price pool of $50,000 in $MERA. MERA is an open-world exploration Metaverse based on Unreal Engine 5 and blockchain technology, a far far away paradise in the virtual reality. @meratoken #metaverse #airdrop #airdropalert"],["05\/08\/2023, 09:11:21","Okeyrock","MadPepe World's mission is to enable the Defi metaverse through transparency, sustainability, and innovation #MadPepecoin @MadPePecoin"],["05\/08\/2023, 09:30:42","Sureprince007","MadPepe has remarkable features that will revolutionarize defi metaverse through transparency, sustainability, and innovation @MadPePecoin #MadPepecoin"],["05\/08\/2023, 09:16:41","Sarkinbangu","MadPepe is a superlative project that has a World's mission is to enable the Defi metaverse through transparency, sustainability, and innovation This is gonna be great #MadPepecoin"],["05\/08\/2023, 09:25:36","aguss16165","Mallconomy is on a journey to build a community-based gamified Metaverse Shopping Mall that empowers people to start, build and grow a business of ..."],["05\/08\/2023, 08:25:13","Cryptoventures7","Metaverse & Gaming are the niches I'm focusing on within Crypto."],["05\/08\/2023, 09:49:33","sotelo_lillyana","Metaverse property market research report gives recent and upcoming technical and financial details about the industry. Report helps measure and optimize every stage of the industrial process lifecycle, including engagement, retention, and"],["05\/08\/2023, 09:19:00","stew_ilondanga","More often than we realize, complex systems are at work behind organizational failures, and their lessons and improvement opportunities are lost. #gainwithstewartilondanga #AR #AI #MR #XR #5G #NFT #Web3 #SaaS #AIoT #MLOps #Space #slack #DevOps #fintech #Metaverse #VirtualReality"],["05\/08\/2023, 08:31:01","cryptoforcex","NEWS: Alibaba Cloud to Launch Metaverse on Avalanche Blockchain According to the official announcement, #AVALANCHE is used to build all of the #blockchain features in the new offering, including digital land, wearables, and other digital assets. \ud83e\uddf5\ud83d\udc47"],["05\/08\/2023, 11:31:27","StephenMaruko","Perfect time to be loading up on $RNDR AND $XCAD \ud83e\udd1d Dips are for buying not selling lol dont get confused. #Watch2Earn #AI #Metaverse #Altcoinseason #BNB"],["05\/08\/2023, 10:54:47","ElynnGa51127190","Report provides a comprehensive analysis of the metaverse virtual real estate market, including market size, trends, drivers and constraints, competitive aspects, and prospects for future growth."],["05\/08\/2023, 09:02:52","AsherMcdonald6","Sensorium, the developer behind the sensorium galaxy metaverse, is today announcing the development of sensorium arc."],["05\/08\/2023, 11:54:32","singhsushil094","Shill me that low cap #gem or #NFT every investor must have. #altcoins #memecoins #DAO #NFTs #NFTCommunity #NFTMarketplace #DeFi #Metaverse #Web3 #ETH #BNB #Bitcoin #Rollux"],["05\/08\/2023, 08:35:10","XMaximist","So happy for everyone who made insane gains in Memeseason even though I stayed out of it apart from one successful fast trade! \u2764\ufe0f\ud83e\udd1d People taking profits now and lots of the profits will be deployed into alts! What season will it be next? Gamefi? Defi? Metaverse?"],["05\/08\/2023, 10:00:12","BuilderVC","Some more major web2 brands entering the space this week: Chinese tech giant @AlibabaGroup has built a launchpad for brands to release metaverse experiences on @avalancheavax \ud83e\udd1d Sports Illustrated @SInow is launching an NFT ticketing platform built on @0xPolygon \ud83d\udc47"],["05\/08\/2023, 11:23:00","stew_ilondanga","Structures and processes to achieve outcomes can be seen both as operational tasks and learning opportunities, if we use an outside-in view. #gainwithstewartilondanga #AR #AI #MR #XR #5G #NFT #Web3 #SaaS #AIoT #MLOps #Space #slack #DevOps #fintech #Metaverse #VirtualReality #PS5"],["05\/08\/2023, 10:07:57","MariyaRufus","Taking Web3 & Fashion to the next levels into, A community based metaverse platform, 3D graphic-based future of social media on @SuiNetwork @_Hominids_"],["05\/08\/2023, 08:17:50","kyle_armstr","The #SyloSmartWallet is currently undergoing an upgrade with metaverse features which could expand NFT compatibility \u270d\ufe0f I'm also anticipating more token standards being integrated. Good to have such upgrades regularly \ud83c\udf40\ud83e\uddd1\u200d\ud83d\udcbb"],["05\/08\/2023, 11:56:06","ThriftDeonta","The global dedicated metaverse device market is also broken down and forecasted by region, application, manufacturer, and application in the report. The study examines the important commercial regions in these countries, such as north ameri"],["05\/08\/2023, 11:47:53","JariyahDonato2","The global developing the metaverse market is also broken down and forecasted by region, application, manufacturer, and application in the report. The study examines the important commercial regions in these countries, such as north america"],["05\/08\/2023, 10:10:29","joella_reinke","The global metaverse digital real estate products market is also broken down and forecasted by region, application, manufacturer, and application in the report. The study examines the important commercial regions in these countries, such as"],["05\/08\/2023, 11:10:05","twyla_pasillas","The global metaverse in e-commerce market is also broken down and forecasted by region, application, manufacturer, and application in the report. The study examines the important commercial regions in these countries, such as north america,"],["05\/08\/2023, 10:53:22","GuyCaro32706250","The global metaverse in healthcare market is also broken down and forecasted by region, application, manufacturer, and application. Key elements like legislative initiatives, technological breakthroughs, and expansion opportunities are also"],["05\/08\/2023, 09:27:42","thebreadjek","The honkai metaverse is really funny On one point the enemy could just one shot you on a single turn On the other hand you could have so many speed buff and slow debuff that the enemy just never gets their turn at all lol"],["05\/08\/2023, 08:16:25","raider_landin","The idea of the metaverse has been around since the 1980s. It\u2019s only in recent years that we\u2019ve seen a surge of projects related to it. However, the current gamified world lacks integration and engagement capabilities."],["05\/08\/2023, 10:52:52","JoyceMa31526375","The luxury goods industry is one of the early adopters of web3\u2019s potential they have participated in metaverse events and exhibited nft collections a higher degree of absorption is probably likely necessary to make the next leap forward."],["05\/08\/2023, 09:08:25","lillyana_sotelo","The markets of 2022 could be another significant year for metaverse in entertainment. Report provides insight into the company\u2019s activities and financial condition (a company profile is required if you wish to raise capital or attract inves"],["05\/08\/2023, 08:23:52","JazlinDemaria","The metaverse is a digital realm where individuals and businesses can interact with one another in a virtual three-dimensional space. The question of who owns intellectual property (ip) rights to virtual assets and creations becomes increas"],["05\/08\/2023, 11:04:07","SunshineMilne2","The past year has been a challenging one for the crypto market. Both gamefi and metaverse projects have both failures and brilliant cases. The 2022 bear market affected the state of the crypto industry. At the beginning of 2023, the situati"],["05\/08\/2023, 08:56:50","vanumitra01","The platform Virtual Ride is fully regulated and has never experienced significant incidents with information theft on any of the existing platforms. #IDO #Launchpad #VRT #MetaverseNFT #Metaverse #NFTs #Crypto #DeFi"],["05\/08\/2023, 10:29:18","KellyMaki9","The posh items trade is among the early adopters of web3\u2019s potential they\u2019ve participated in metaverse occasions and exhibited nft collections the lvmh luxurious group has launched a web3 quick observe coaching program for its employees."],["05\/08\/2023, 08:12:20","richardjdare","The problem with the metaverse is, it's not being made by two people in a garage. Maybe a problem for ai too."],["05\/08\/2023, 09:42:44","Rayskingdom","The world is in need of a Defi metaverse that is transparent, sustainable , and innovative. MadPepe offers all of three of them @MadPePecoin #MadPepecoin"],["05\/08\/2023, 09:17:52","digitalsimboja","Today, I am working on a Self-service app powered with @OpenAI and @pinecone vector database using @streamlit to interact with app. Would name the app #BojaAI, a self-service and semantic search AI app. I hope to integrate this to our @evveland_meta Metaverse."],["05\/08\/2023, 09:44:52","Crypto_Moniac","Unlike traditional NFT platforms,@MatrixAINetwork has its own AI assisted NFT Trading Platform named MANIA. I think it is the future of the NFT $MAN #AI #metaverse #web3 #gpt #gpt4 #btc #bitcoin $BTC"],["05\/08\/2023, 10:07:43","AhmadTajadod","We need a game changer in #music industry. Maybe a #Metaverse like platform with a #DAO in which new comers can benefit from treasury. Is there any?"],["05\/08\/2023, 10:34:08","nftfrix","What are your thoughts on the rise of #NFTs, #GenerativeAI and the use of #Metaverse as a new slang term? Share and join the conversation! #trending #innovations #FutureTech @CiCKartworks @Queen_of_Cats2 @digixchg @edsonjorgealve1 @oixofficial"],["05\/08\/2023, 10:00:29","roy_otani","What if the soul will connect to the digital avatar in the Metaverse virtual world? We won\u2019t need the physical anymore? If that so, it seems to go against the Author of our bing."],["05\/08\/2023, 11:14:12","Aminacypto","What's the hype all about when it comes to #Metaverse? #NFT collectors, gamers, and artists - chime in! \ud83e\udd14 Let's chat about the future of the digital world. #Web3 #GenAI @grumpyharaboji @LucMertens1 @CapsNFTs @UNMD_Bot @oixofficial"],["05\/08\/2023, 09:01:16","42opinionz","Whatever consumer-focused product or service you are building; -> you should seriously consider what \"being in the metaverse\" means for your brand and -> how can you make it useful and beneficial rather than annoying It\u2019s a marketing channel \ud83e\udd11 (that\u2019s why Nike is there)"],["05\/08\/2023, 11:47:18","ChristoRibeiro","Where is the metaverse?"],["05\/08\/2023, 10:00:00","Changehero_io","Which #metaverse #altcoin would you hold for the 2023 year? $MANA $SAND $GALA \ud83d\udc47 \ud83d\udc47 \ud83d\udc47"],["05\/08\/2023, 09:14:29","raijin1991","Whitelist giveaway! Secure your spot in our upcoming Bear World metaverse by winning a whitelist for our mint on Thursday 11\/5 The game will be available only to the Bear NFT owners\ud83d\udc3b @SuiOkayBears"],["05\/08\/2023, 09:15:00","Kissy85_","havent done stats in a few days, as ive been collecting Ether. Converted today, so here we go. 2095 Properties 45755 tiles C1: 27282 C2: 4715 C3: 151 T2: 13607 15984.43 Ether --> 1041.0959 Essence 48 Jewels \ud83d\udc8e 46638 RE \ud83d\udd34 #earth2 #metaverse"],["05\/08\/2023, 09:05:13","osakafalls","they finally leaving the metaverse kwangya etc etc concept \ud83d\ude29"]]} \ No newline at end of file diff --git a/output/twitter_data_0.xlsx b/output/twitter_data_0.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..aa12fd0c4182011c09eae6ab2ae66863235f64b8 Binary files /dev/null and b/output/twitter_data_0.xlsx differ diff --git a/output/twitter_data_1.json b/output/twitter_data_1.json deleted file mode 100644 index c1d042f9592a7a6eb1ffd7d1d24634eaa7b248fd..0000000000000000000000000000000000000000 --- a/output/twitter_data_1.json +++ /dev/null @@ -1 +0,0 @@ -{"columns":["date","username","tweet"],"index":[0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],"data":[["05\/15\/2023, 09:10:10","KafeelZhafran","#ASAN #AsanToken #AsanVerse #AsanNFT #AsanArtCulture #Asangallery #NIFT #Metaverse #Coin #TokenArtworkArt This project is a very high quality and reliable project. The team is working efficiently. I am sure that the idea of the project is interesting and promising."],["05\/15\/2023, 09:14:43","KafeelZhafran","#HealthHero $HLTHY #HealthtoEarn #H2E #Web3 #crypto #nft #nfts #health #metaverse This is a wonderful project worth paying attention to! This is an interesting idea, a strong, close-knit team of professionals and well-coordinated work."],["05\/15\/2023, 09:37:56","DaltonMunchkins","#HealthHero $HLTHY #HealthtoEarn #H2E #Web3 #crypto #nft #nfts #health #metaverse This project is really great and improving more day by day. I believe that this project has a great future because the team is very strong."],["05\/15\/2023, 10:22:14","Happy24Mongolia","#zkApes to the moon! #zkSync #NFT #NFTs #Apes #metaverse #NFTsale test"],["05\/15\/2023, 09:13:36","HenryMage","$VV creates high-fidelity virtual avatars that are designed to be the 1:1 digital representation of yourself in the Metaverse. One human-backed avatar for exploring Web3 and the internet \ud83c\udf0e $VV @virtualversions #virtualversions"],["05\/15\/2023, 08:12:18","Nemo97130592","... what I have gathered so far is @nftworldsNFT rebranding with migration happening right now ... in June or so @nftworldsNFT will be launching their own chain ... what may be next?... player enrollment, marketing, exchanges listing $WRLD token \ud83e\udd20\ud83e\udd14 #Metaverse #NFT #Minecraft"],["05\/15\/2023, 09:10:31","ahmed7ahmed7201","3\/ No-Code, Low-Cost Tools: Boson's user-friendly tools allow you to easily #tokenize and sell physical products as NFTs on multiple platforms. Create your own Web3 store, explore the vast potential of the #Metaverse, or utilize popular #NFT marketplaces. You have a choice!"],["05\/15\/2023, 10:30:41","Huawei","As Portugal\u2019s first bank to open a branch in the #metaverse, CaixaBank's Innovation Director Eva Fernandez explains how the group\u2019s innovation goals include the early adoption of new tech like blockchain, #AI & quantum computing. Learn more \ud83d\udc47 #FSI #HuaweiBlog"],["05\/15\/2023, 10:04:07","EkumeChristian","Ask me about a good Blockchain project, and I will show you Bitcoin Africa; it encompasses the different aspects of Blockchain, i.e Web3 \ud83d\udc49 Crypto, NFT, Metaverse, with its own social media handles in development"],["05\/15\/2023, 08:00:26","battle_future","Check out our project we are building a room in the metaverse. Invest now before it\u00b4s to late: 0x08EA3371DE40510865D14538085C43D501B23dA3 #crypto #moneytobemade"],["05\/15\/2023, 11:48:12","Singer953","Community is the metaverse."],["05\/15\/2023, 09:42:31","chameleon_CAG","Crazy how peaceful life becomes when you accept your flaws so no one can use them against you and accept who you are so no one can project who they are onto you. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 09:49:25","chameleon_CAG","Everybody comes to a point in their life when they want to quit. What you choose to do at that moment determines who you really are. Keep pushing. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 08:13:01","adeeb_deadman","Fortnite, Minecraft, and Roblox. The Metaverse in the making for over a decade now."],["05\/15\/2023, 11:40:14","RenoviHub","GM @Footium, Want to collaborate to create a metaverse presence! Let's work together!"],["05\/15\/2023, 09:21:58","LxxpFx","Gm metaverse!"],["05\/15\/2023, 09:30:00","MEMAGgames","Good Morning, #MEMAGFAM!\ud83d\udcaa\ud83c\udfae\ud83c\udf05 Are you ready to jump into the ultimate #Play2Earn gaming #Metaverse and earn crypto while you do it?\ud83c\udf0d\ud83d\udcb0\ud83e\udd16 Let's dominate the gaming world together and show everyone what we're made of!\ud83d\udca5\ud83d\udd25 #P2E #Crypto"],["05\/15\/2023, 09:55:54","singhsushil094","Good morning #Crypto lovers. Shill me your bullish #gems and #NFTs for the week buy. #cryptomarket #altcoins #memecoins #Web3 #DAO #GameFi #Metaverse #NFT #NFTMarketplace #Bitcoin #BNB #ETH #BabyPepe #BabyDoge #CryptoNews"],["05\/15\/2023, 09:10:56","chameleon_CAG","Gratitude is the opposite of complaining. Complaining keeps your world in turmoil, while gratitude attracts everything you've always wanted. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 08:48:13","AlsyedBelal","Habytat offers free nft deeded metaverse property and houses to users new brunswick, n. C."],["05\/15\/2023, 08:52:15","MagicWorld4D","Hey #NFT collectors let's hear it - which artist do you think has the hottest #Metaverse work out there? Share your top picks and let's get a convo going! #Web3 #GenAI @singhsushil094 @AN_art8co @arteconft @dreamerillustra @oixofficial"],["05\/15\/2023, 10:52:16","Aminacypto","Hey #NFT collectors- what do you think about the future of #Metaverse? My #Web3 peeps- what do ya think about #GenAI? Let's hear it- share your thoughts! #NFTs #GenAI #Metaverse #Web3 @CozyLandNfts @bug_gabrielep @bug_gabrielep @ScarceCreatures @oixofficial"],["05\/15\/2023, 09:52:16","gemstooneii","Hey everyone, let's chat about the hottest emerging technologies: #NFTs, #GenerativeAI and Metaverse! What do you think are the biggest trends & potential applications for each? #TrendChat #TechTalk #InnovationChat @HADIMGHADIM @danillusBR @mathgril @dreamerillustra @oixofficial"],["05\/15\/2023, 09:05:56","InigoMore","How many Blockchain Programs include Law in their Syllabus? How many lawyers are qualified in Solidity? After regulating Crypto-Assets Services Providers (MICA) and Market Infrastructures on Distributed Ledger (DLT Pilot), European policy makers are aiming to DeFi and Metaverse."],["05\/15\/2023, 10:01:29","chameleon_CAG","I am thankful for all those difficult people in my life. They have shown me exactly who I don't want to be. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 10:02:52","Cryptosensus1","I could see metaverse lands being valued based on work put into the land. Say it was minecraft and you spent months building a world"],["05\/15\/2023, 09:49:35","Crypto_Moniac","I like the @MatrixAINetwork, as team gives its community real time reports, about developments, always in communication with community, providing monthly AMA's with CEO, it means that the project is open for public. $MAN #AI #metaverse #web3 #gpt #gpt4 #btc #bitcoin $BTC"],["05\/15\/2023, 10:01:56","KamoraZoz","If I own a piece of Jerusalem land #NFT, will my avatar be considered a holy figure? #Etherium #Metaverse"],["05\/15\/2023, 10:00:41","chameleon_CAG","If you don't challenge yourself, you will never realize what you can become. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 09:48:14","chameleon_CAG","If you don\u2019t love yourself, You will always be chasing someone that don\u2019t like you as well. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 11:10:01","Kingsle75994207","Indeed @projectlamboio is a high-quality project that's taking the metaverse and P2e gaming experience to the next level. #Play2Earn #AI #ProjectLambo"],["05\/15\/2023, 09:30:24","chameleon_CAG","It's going to be bigger than you thought, it's going to happen quicker than you imagined, and it's going to be more rewarding than you ever dreamed of. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 08:34:13","GraberIndigo","Itv studios has teamed up with nbc to re-launch a popular free metaverse experience for fans of the voice called the voice studios."],["05\/15\/2023, 11:37:36","TameraSenn1","It\u2019s time to get familiar with, investigate and understand the metaverse, blockchain and web 3 when i first discovered this, i gave up why? i\u2019m a social science person, and it's much more than computer science."],["05\/15\/2023, 09:27:43","baleigh_mallon","Japan\u2019s re-engagement with web3 \u2014 a new phase of the internet built around decentralized blockchain technologies, the metaverse, and non-fungible tokens (nfts) \u2014 is up and running."],["05\/15\/2023, 11:33:10","Lg5bxb95z1n2uOI","Join us for some amazing content from Vtuber Karen who will be streaming shortly- you won\u2019t want to miss out this educational session discussing how best measure success of a metaverse project \ud83e\udd29 #web3 #NFT #XANAGenesis"],["05\/15\/2023, 09:11:23","vikmillz","Just experienced the mind-blowing potential of Matrix AI Network! \ud83d\udd25 $MAN is revolutionizing the AI landscape with its cutting-edge technology. Embracing the power of #AI and #metaverse, Matrix AI Network is paving the way for a decentralized future. Exciting times"],["05\/15\/2023, 08:32:14","ryu_cats","Jype\u2019s q1 investors report\u2026 oh god it was an overall good read. ALSO METAVERSE???? \ud83d\ude2d"],["05\/15\/2023, 09:48:50","chameleon_CAG","Life favors the man who stays calm in the storm. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 08:32:03","sovorakan_ton","Love to meet a vanadzortsi working on the Metaverse. Best use of his talents for the country."],["05\/15\/2023, 09:22:34","Faith_ebony001","MetaDojo = M\u00e9taverse + NFT Dojo @MetaDojo_IO is an ecosystem that gaps between Web 2.0 and Web 3.0 with the aim to deliver purposely-built-3D spaces equipped with in-Dojo economy to help #Metaverse land owners to monetize their real estate and increase value of their assets"],["05\/15\/2023, 11:49:31","Sapizontech","Metaverse fragrance retailing is opening new way in retail industry to allow customers to shop fragrance products in a virtual environment. The VR technology used here is offering a more engaging and customized purchasing experience. #vrheadset #metaverse #virtualreality"],["05\/15\/2023, 11:15:13","PaulaWhitman16","Metaverse is a highly immersive internet where users can access augmented reality and virtual reality environments. Users can vote on issues affecting the groups they are a part of and the apps they use; they can create and trade nfts and t"],["05\/15\/2023, 11:30:30","Ane59102144","Metaverse is here Cuberium is great project It will be another sandbox @nikestore @adidasbrasil @PUMAGolf @gucci lets help them to enlarge!"],["05\/15\/2023, 08:45:31","DCLjasonx","Metaverse offers more then we can ever imagine"],["05\/15\/2023, 09:57:15","trillionaireflx","My mind is blown by how many people are still pouring into the NFT space. It\u2019s cool to see. How many people are here for the revolutionary tech vs speculation? #NFTs #blockchain #Ethereum #Layer2 #MusicNFT #Metaverse"],["05\/15\/2023, 08:35:35","sygnumofficial","New data revealed that 32 percent of family offices hold digital assets, Liechtenstein plans to accept #Bitcoin (BTC) for government services and roughly 50 percent of consumers believe that the #Metaverse will be widely adopted. \u27a1\ufe0fWhat was the top crypto news of the week?"],["05\/15\/2023, 10:43:21","farrok_farook","Nft present europe is inviting trailblazing firms within the blockchain, web3, metaverse, tokenization, defi, and gaming industries to exhibit at #nftse from july 14th-fifteenth, 2023."],["05\/15\/2023, 08:55:39","uaDanLgtYBbgzaI","Nft show europe is inviting trailblazing companies in the blockchain, web3, metaverse, tokenization, defi, and gaming industries to exhibit. Participants will be immersed in a high-energy web3 business and networking atmosphere."],["05\/15\/2023, 08:05:26","Alphinee5","Schedule for @Netvrk_Official NFT mint, check this out! #netvrk #metaverse #nft #virtualworld #crypto #playandearn #web3 #cryptogaming #cryptogames #web3gaming"],["05\/15\/2023, 08:27:24","jfelixcardoso","Show everyone you are the most knowledgeable and have the best reading list on the metaverse by commenting with your best reads (please \ud83d\ude4f)"],["05\/15\/2023, 09:13:57","chameleon_CAG","Sometimes you win. Sometimes you learn. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 09:23:24","girard_stone","Tech columnist: \"the metaverse promised a solution, or at least functioned as a response\" \"it represented an intoxicating fantasy, just not one that most of us would recognize,\" he writes."],["05\/15\/2023, 10:45:47","MetaLinqio","The #metaverse will allow for a whole new level of connection between brands and their communities \ud83d\udcab #Web3"],["05\/15\/2023, 10:05:55","AlashTope","The @projectlamboio is a huge p2e gaming ecosystem that is rebranding the metaverse space. #Play2Earn #AI #ProjectLambo"],["05\/15\/2023, 10:04:29","vikmillz","The Matrix project is weaving a digital tapestry that intersects with the ever-evolving realms of crypto, AI, metaverse, and blockchain. Its relevance is undeniable, fueling excitement for a future where interconnected possibilities become a reality. Keep an eye on"],["05\/15\/2023, 10:05:27","OxCorriganabl","The Metaverse has arrived to NFT oddboxlfk. If you are a fan of digital art and the Metaverse, you might have heard of NFT oddboxlfk, a unique collection of crypto art created by Odd Box, a mysterious and talented artist. NFT oddboxlfk is a series of colorful and abstract images."],["05\/15\/2023, 08:18:27","renatrigiorese","The metaverse could not overcome the vortext of its own spatial compression. The compactification of digital wastelands produces anarchival residues that exceed bleeding edge computational cartography. Neither the map nor the empire can remember loss."],["05\/15\/2023, 08:11:01","BrelynnShriver","The metaverse insider has launched its new intelligence platform. The platform will offer unparalleled market intelligence, data, and advisory support. Clients in the rapidly growing metaverse industry will benefit from the platform's servi"],["05\/15\/2023, 08:05:23","StarkeyCaleigh","The metaverse is a term used to refer to virtual worlds that exist on the internet. Businesses have already firmly established a presence in the term. Metaverse refers to virtual environments on the internet where users can engage with the"],["05\/15\/2023, 08:22:31","BatemanTaya","The metaverse is a virtual world where people can interact with one another, create content, and participate in various activities. It\u2019s expected to be the next step in the evolution of the internet landscape. Gamefi (game finance) is expec"],["05\/15\/2023, 09:29:15","baruch_nowell","The metaverse is not going away any time soon. Brand owners need to stay ahead of the competition in this constantly changing field. This guide will help trademark advisers and their clients stay on the same page."],["05\/15\/2023, 09:57:39","theohosp","The metaverse seems to be another way to : - weaken us - control our perception of the world - provide instant gratification And, ultimately, to keep people asleep."],["05\/15\/2023, 10:34:15","JohnnaCofer1","The metaverse, put simply, is the internet but in 3d. It\u2019s an emerging digital space that brings together virtual reality (vr), augmented reality (ar) and mixed reality to create a new type of \u2018extended reality\u2019."],["05\/15\/2023, 09:33:12","chameleon_CAG","The way you approach things and your overall mindset play a crucial role in determining your success and happiness. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 11:48:00","vitya_tuvykin","This #NFT collection of rare virtual real estate is perfect for those interested in the metaverse. Each piece of land is unique and has the potential to become a valuable virtual asset. #metaverse #digitalcollectibles"],["05\/15\/2023, 09:02:35","CryptoDiariez","Thread: Automotive Giants that stepped into web 3.0 #NFTs #Metaverse #AutoIndustry #blockchain #Web3"],["05\/15\/2023, 09:26:12","chameleon_CAG","Today I will do what others won\u2019t, so tomorrow I can accomplish what others can\u2019t. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 08:40:48","Elijahloiuhk","We will accelerate the use of metaverse and AIGC technologies to upgrade manufacturing brands"],["05\/15\/2023, 08:30:17","matteoceleste95","We will bring people \"physically\" into the Metaverse and create the first #readytoplayerone reality in human history. #metaverse"],["05\/15\/2023, 11:50:20","W_nicorn","What can be obtained from the reward for holding KEI for one month? MYSTERYBOX_2EA #NFT #CommunitynEarn #NFTcommunity #AnotherWorld #Metaverse #KEI @ANOTHERworldgm @kei_AWM #Holding #Reward #MYSTERYBOX_2EA"],["05\/15\/2023, 11:52:15","CaptainBlackNFT","What do you think of the growing buzz around #NFTs, #GenerativeAI, and #Metaverse? \ud83e\udd14 Share your thoughts \ud83d\udcac #GAMFT @AvaxScheun @socialrealmnft @ollibrocNFT @dmitrysavchenko @oixofficial"],["05\/15\/2023, 10:03:17","chameleon_CAG","When others treat you poorly it doesn't degrade you, it degrades them. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/15\/2023, 11:14:00","winptoken","Winp Token: The Gateway to the Crypto Metaverse! Are you ready to enter a whole new world of possibilities? Winp Token is the key to unlocking the future of gaming and rewards. \ud83c\udfae\u2728 Here is why.... 1\/"],["05\/15\/2023, 09:48:24","ikovichi","With the rapid growth of the gaming industry and the increasing adoption of #NFTs, investing in #Metaverse tokens now could be a game-changing move. Don't miss out on this amazing opportunity. My top 3 $BULL $APE $MANA What am I missing? #CryptoInvesting #NFA #gaming"],["05\/15\/2023, 10:18:12","OldBobCyprus","Zuckerberg's Metaverse is kaput. He blew $36B (\u00a330B) on an app. It's a failure. Boris did the same"],["05\/15\/2023, 09:25:35","WendellMinnie5","armish_20 GratefulApe_eth Would live to have s space dedicated to the metaverse and mixed reslity"],["05\/15\/2023, 11:02:19","mememaku","everyday im glad they didnt give akechi a third design for his metaverse outfit for the thirdsemester because the way black mask fights is the funniest shit ever to me"],["05\/15\/2023, 09:36:11","GemYardBTC","random anon in dms told me @ankr is working with @TencentGlobal on their metaverse token huge if true"],["05\/15\/2023, 11:45:00","stew_ilondanga","with great power comes great responsibility; hence, we need to consider the social and ethical aspects of Artificial Intelligence as well. #gainwithstewartilondanga #AR #AI #MR #XR #5G #NFT #Web3 #SaaS #AIoT #MLOps #Space #slack #DevOps #fintech #Metaverse #VirtualReality #PS5 #X"]]} \ No newline at end of file diff --git a/output/twitter_data_1.xlsx b/output/twitter_data_1.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..04d2c9a50a0167d93982bd8667f90c33e752679c Binary files /dev/null and b/output/twitter_data_1.xlsx differ diff --git a/output/twitter_data_10.xlsx b/output/twitter_data_10.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..e31ead7d570d6b7b49dacad03a668110590ce89a Binary files /dev/null and b/output/twitter_data_10.xlsx differ diff --git a/output/twitter_data_11.xlsx b/output/twitter_data_11.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..4cc9551dd0f2898c4ecbe970e959874afd526f5e Binary files /dev/null and b/output/twitter_data_11.xlsx differ diff --git a/output/twitter_data_12.xlsx b/output/twitter_data_12.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..76579d0e194a42fcb31e3ee03a96e2ff102cc4e2 Binary files /dev/null and b/output/twitter_data_12.xlsx differ diff --git a/output/twitter_data_13.xlsx b/output/twitter_data_13.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..763b1222c41ace266b1d0e309e9a036c4eec062a Binary files /dev/null and b/output/twitter_data_13.xlsx differ diff --git a/output/twitter_data_14.xlsx b/output/twitter_data_14.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..f17e75bbc817aa6abad77fabb043cc5bfb7fb694 Binary files /dev/null and b/output/twitter_data_14.xlsx differ diff --git a/output/twitter_data_15.xlsx b/output/twitter_data_15.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..fed087ba0b460bfdd50ef1a9ef4bc4b104605b16 Binary files /dev/null and b/output/twitter_data_15.xlsx differ diff --git a/output/twitter_data_16.xlsx b/output/twitter_data_16.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..3480731297219f71059fa2022d52a4958f76299e Binary files /dev/null and b/output/twitter_data_16.xlsx differ diff --git a/output/twitter_data_17.xlsx b/output/twitter_data_17.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..97bdfaad15786bc08ce73aa06c9dc60f00fed966 Binary files /dev/null and b/output/twitter_data_17.xlsx differ diff --git a/output/twitter_data_18.xlsx b/output/twitter_data_18.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..9e1bee445a3bcdcbeb099ba83a52d805381c45b4 Binary files /dev/null and b/output/twitter_data_18.xlsx differ diff --git a/output/twitter_data_19.xlsx b/output/twitter_data_19.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..19edec26c33837cf82e4880c4e961f81335db4e9 Binary files /dev/null and b/output/twitter_data_19.xlsx differ diff --git a/output/twitter_data_2.json b/output/twitter_data_2.json deleted file mode 100644 index aef09f9485b234ddb41747b0d581490786f8a80d..0000000000000000000000000000000000000000 --- a/output/twitter_data_2.json +++ /dev/null @@ -1 +0,0 @@ -{"columns":["date","username","tweet"],"index":[0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],"data":[["05\/22\/2023, 08:59:54","cryptokupumps","$gem Will explode its nft metaverse Will go huge insha'Allah Expecting 50%+ $pld $racefi $fcon $num $bull $ovr"],["05\/22\/2023, 10:15:49","cryptokupumps","$gem metaverse nft They all pumping Just wait for it Explosion soon \ud83d\udca3 Big FOMO $pld $racefi $fcon $num $bull $ovr"],["05\/22\/2023, 08:37:14","Kissy85_","3023 Properties 44134 tiles raided Ether 2257.96 yielded Ether 1022.56 --> 214.3003 Essence 76 Jewels \ud83d\udc8e 76836 RE \ud83d\udd34 #metaverse #earth2"],["05\/22\/2023, 09:10:46","chameleon_CAG","A great pleasure in life is doing what people say you cannot do. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 09:47:32","AprylGrote","Among the hype on metaverse, decentraland (mana) and the sandbox (sand) gained attention and were considered future leaders in the space."],["05\/22\/2023, 09:35:59","Crypto_Sammy_","Any Monday night gems?\ud83d\udd25 #1000x #Crypto #BullMarket #altcoin #memecoin #DeFi #Layer2 #NFT #LSD #ZK #ETH #CEX #stablecoins #DEX #Metaverse #GameFi #AMM"],["05\/22\/2023, 10:35:26","Vlad13814690","Any person who takes the first place in attracting new users to the project, be it Discord or Twitter, could get help in creating their own business in the meta-universe #Cuberium #Metaverse"],["05\/22\/2023, 11:55:26","RayneBanning5","Apple is expected to debut its mixed-reality headset next month. The company's making a risky move as the tech world retreats from the metaverse. A daily newsletter: loading something is loading."],["05\/22\/2023, 09:16:23","ItsHareemMohsin","Are you curious whether GameFi is a company or a #metaverse? Well, buckle up,\u00a0because #GameFi is both, as the answer demonstrates! #web3 #metaverseworld #gaming #invogames"],["05\/22\/2023, 10:16:59","lanyisxfy","At @seilaunchpad , we're committed to bringing only the best to the table. Our focus? Top-tier projects in GameFi, Metaverse, NFT, and AI, set to redefine the #Blockchain landscape on the #SeiNetwork. Excellence is not just an aspiration, it's our standard. $SEI \ud83d\ude80"],["05\/22\/2023, 09:24:04","hlfmanhlfzombii","BRC-20 needs a metaverse coin"],["05\/22\/2023, 10:06:32","pastapiu1","Been adding to AR\/Metaverse bags, shit hasn't really pumped for ages and $ovr might be leading us into some consequential pumps Latest addition as such: $ntvrk (available on Kucoin too so feel free to move $ovr funds into this) $kndx $realm $arcona $eland $husl $edda"],["05\/22\/2023, 09:05:43","chameleon_CAG","Being attacked is a sign that you are important enough to be a target. You should relish the attention and the chance to prove yourself. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 10:44:17","CryptoBob_bot","BitNile Metaverse Debuts Social Gaming on Its Metaverse Platform with the Launch of Online Roulette"],["05\/22\/2023, 11:14:54","ViviennePope5","Bnb chain has recently announced its new zero2hero hackathon track, which will focus on exploring the innovative world of nfts, gamefi, and the metaverse. In a tweet, the company invited developers to participate in the event and register f"],["05\/22\/2023, 11:44:25","NurBrks","Can someone explain to me why are we listening to country who amassed $31 trillion national debt on how economy is supposed to look like? There is no need to build a metaverse. We are living in one."],["05\/22\/2023, 11:42:01","9zJSIBOOx32s32B","Cant wait to hear from Karen about the impact of Metaverse on real estate #Crypto #NFT #XANAGenesis"],["05\/22\/2023, 09:44:10","chameleon_CAG","Consistency makes growth look easy. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 09:02:57","chameleon_CAG","Crazy how peaceful life becomes when you detach from people's perceptions of you because you're not responsible for the version of you they've created in their minds. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 10:58:19","ZekeOleary4","Creative agency bbdo dublin believes that artificial intelligence and metaverse technology will play an increasing role in assisting brands to build impactful advertising campaigns."],["05\/22\/2023, 11:46:36","layomidefi","Dear WOW EARNERS\ud83e\udd70 WOW VERSE, a web3 metaverse world integrated with AI where you can build what ever your imagination can come up with from scratch, sell buy trade any item that\u2019s build in the WOW VERSE and more!!\ud83e\udd29"],["05\/22\/2023, 10:07:18","chameleon_CAG","Don't be jealous of anyone. Don't compete with anyone. Just focus on becoming the best version of yourself. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 08:54:50","raksdesigns","EU slaps Meta with a massive $1.3 billion fine for transferring user data to the U.S. without consent. Will Meta respect user privacy in the metaverse? #Meta #EU #Fine #Privacy #Metaverse"],["05\/22\/2023, 10:15:18","ClarabelleCand7","Every monday we bring you the latest stats and data on the overall state of the metaverse market this column is in partnership with the incredible team from oneland, a financial platform for virtual lands in the metaverse."],["05\/22\/2023, 08:52:45","Tman89802295","Exciting developments in the blockchain world with Matrix AI Network $MAN - a smart-contract platform with advanced AI capabilities for faster and more secure transactions. #web3 #metaverse"],["05\/22\/2023, 11:17:39","arnteriksen","Exploring the 'Metaverse' \ud83c\udf10 before it's fully formed! Join me in pioneering the future of marketing with AR and virtual worlds. #Metaverse #AR #VirtualWorldshttps:\/\/www.linkedin.com\/pulse\/diving-metaverse-arnt-eriksen"],["05\/22\/2023, 10:03:26","ashok270897","Fortune rounds up the most interesting news in the world of nfts, culture, and the metaverse. The price of non-fungible tokens was sky high in 2021 and 2022. A protocol to facilitate nft lending between individuals and organizations was cre"],["05\/22\/2023, 08:38:49","heavenland_io","GM Metaverse \ud83d\udc51\ud83d\ude80"],["05\/22\/2023, 10:18:59","Heidyvalatx","GM \u2615\ufe0f What are you buying today? \ud83d\udd25 #altcoins #memecoin #NFTs #GameFi #metaverse"],["05\/22\/2023, 10:48:41","tackin_io","GM! How is your monday everyone? #nft #web3 #metaverse"],["05\/22\/2023, 11:30:00","ben_mcclymans","Generational wealth can be made if you invest wisely in 2023:\ud83d\udc47 DEX : $VELA $GMX, $GNS $TND $MVX L1: $KAS $AZERO, $SUI $LOOP $TRIAS Layer 2's: $ARB $MATIC $OP $ZKSYNC OTC : $VETME $GIGA Defi: $MPL $FXS Privacy: $MASQ $ATOR Metaverse\/Gaming: $PYR $WAS $NAKA RWA: $RIO $LEOX $NSDX"],["05\/22\/2023, 11:38:32","phatloc63887504","Gliding into the metaverse as seamlessly as we\u2019d expect the legendary pro"],["05\/22\/2023, 08:52:51","Sarah_GreenOk","Good morning #Crypto lovers.\ud83d\udc9a Shill me your #gems and #NFT \ud83d\udc47 #BabyDoge #PEPE \u202f\u202f #BNB\u202f\u202f\u202f #altcoins #memecoins #NFTs #NFTCollection #DAO #Web3 #DeFi #Metaverse #GameFi #NFTMarketplace #cryptocurrency #ETH #BTC"],["05\/22\/2023, 09:50:41","chameleon_CAG","Happiness comes when we stop complaining about all that we lack, and start showing gratitude for all that we have. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 08:50:15","RenoviHub","Hey @Tearing_Spaces, want to collaborate to create a metaverse presence! Let's work together!"],["05\/22\/2023, 11:56:00","davide_vallini","Hey guys I'm using @OVRtheReality and I just swapped some $OVR tokens! #OVR #OVRTHEREALITY #METAVERSE #OVRMetaverse #OVR242dc91c4523"],["05\/22\/2023, 11:20:28","letradepal0","Hey guys I'm using @OVRtheReality and I just swapped some $OVR tokens! #OVR #OVRTHEREALITY #METAVERSE #OVRMetaverse #OVRc38b91a79523"],["05\/22\/2023, 10:17:18","miguelcr1979","Hey guys I'm using @OVRtheReality and I just swapped some $OVR tokens! #OVR #OVRTHEREALITY #METAVERSE #OVRMetaverse #OVRdb3a2feb2523"],["05\/22\/2023, 08:44:33","cryptozzuppa","Hey, you can open your business branch in metaverse. Check @Cuberium #cuberium"],["05\/22\/2023, 11:33:09","KennonMinty","Htc 23 pro is a midrange device that'll also supposedly \u2018blend the real and virtual worlds\u2019 in the metaverse."],["05\/22\/2023, 09:16:17","chameleon_CAG","Hustle in silence, let your results do the talking. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 11:21:59","_zhilix","I swear when was the last time you saw someone with a straight neck and shoulders. Everyone is just bending their heads. Getting sucked into the METAVERSE. 96% of people look like shit because of this. Life hack for straight posture: Sleep without a pillow."],["05\/22\/2023, 11:58:44","euphoriawht","I think it will be possible to hold seminars for business in @Cuberium in the future, it would be great! #Metaverse"],["05\/22\/2023, 08:37:56","BULLHUNTER46","I will share another Metaverse coin Which is bottom and will reverse Target 50%-100%"],["05\/22\/2023, 08:57:56","Haneef109","I'm bullish on $shill #btc #Defi #gamefi #ProjectSeedToTheMoon #crypto #metaverse"],["05\/22\/2023, 11:06:59","CrsIliff","I'm not in Miami but I think this is the next best thing. I'm with you all in the metaverse"],["05\/22\/2023, 09:01:36","sheiszipporah","It's exciting to see how #Metaverse advancements can enhance learning experiences and make education more engaging and interactive @projectlamboio, with the integration of AI technology to bring about transformation in education system. #Play2Earn #ProjectLambo"],["05\/22\/2023, 10:06:45","nevidimka69","Join us, @Cuberium community! Let's craft a remarkable #metaverse experience. How about a Virtual Entrepreneurship Summit? Empowering workshops, inspiring speakers, and insightful panel discussions will fuel aspiring business owners. Let's collaborate and shape the future!"],["05\/22\/2023, 09:03:36","ollis__PROM","Life can be hectic but dont forget about staying connected with loved ones - why not have a reunion at XETA? #NFT #Metaverse $XETA"],["05\/22\/2023, 10:29:53","SadieFr35419786","Luxury brands are having to look for new ways to deliver all-frills digital experiences and diversify their offerings. The metaverse's rise to mainstream acceptance occurred in 2021, largely due to the impact of covid-19 and a shift to digi"],["05\/22\/2023, 09:57:16","Ajitu871287","MATRIX is designed to be a highly flexible blockchain. The flexibility is twofold. First, MATRIX offers access control and routing services so as to allow seamless integration private chains into a common public chain. @MatrixAINetwork $MAN #AI #metaverse #web3"],["05\/22\/2023, 10:30:00","eDirectsys","Meta has enhanced its professional dashboard for creators by adding new educational and insightful features. #meta #Metaverse #creators #metacreators #digitalmarketing #digitalmarketingagency"],["05\/22\/2023, 11:39:06","jr_idrees","MetaStudio, a renowned Portuguese game studio, has announced a new partnership with\u00a0Immutable, a leading #Ethereum #Layer2 scaling solution provider, aimed at transforming the gaming #metaverse."],["05\/22\/2023, 08:47:17","ethyn_dutcher","Metaverse technologies featured in gartner\u2019s 2022 hype cycle. Metaverse doesn\u2019t exist as a single entity like, say, the internet. It\u2019s still at a nascent stage."],["05\/22\/2023, 11:27:00","stew_ilondanga","Microsoft CEO Satya Nadella asserts that generative AI is \u201cmoving rapidly in the right direction.\u201d #gainwithstewartilondanga #AR #AI #MR #XR #5G #NFT #Web3 #SaaS #AIoT #MLOps #Space #slack #DevOps #fintech #Metaverse #VirtualReality #WordPress #CyberSecurity #MachineLearning #PS5"],["05\/22\/2023, 11:51:50","PeterPe64830906","New Thread 12 Music NFT hip-hop Collaboration breeds innovation and inspiration, As we blend hip-hop with the Metaverse sensation. Together, we'll push boundaries, break through the ceiling, Creating a legacy that's truly revealing. #HipHopMusic #MusicNFTs"],["05\/22\/2023, 10:23:27","MaximinaPaddle1","News flash: The metaverse has been around for decades. Its called fucking"],["05\/22\/2023, 10:08:33","chameleon_CAG","Often people who criticize your life are usually the same people who don\u2019t know the price you paid to get where you are today. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 09:00:48","chameleon_CAG","One day, you\u2019ll be living the life you prayed for. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 08:52:00","DanielleBBQ","Overline is a people-owned decentralized wireless network that does to telecommunications what Bitcoin did to banking. Overline is a DAO that aims to build the worlds first web3 WIRELESS Internet using oRouters. \ud83d\udfe5\ud83d\udfe9\ud83d\udfe8 #ocash #oland\u00a0 #overlinenetwork #NFT #Web3 #Metaverse"],["05\/22\/2023, 11:19:45","W_nicorn","Please write a free-spirited tweet celebrating Pizza Day. Let's go to Clay and Another World together! #NFT #CommunitynEarn #NFTcommunity #AnotherWorld #Metaverse #KEI @ANOTHERworldgm @kei_AWM #Pizza #Pizzaday #Bitcoin"],["05\/22\/2023, 11:49:54","EvanzPPP","Plus 1 idea for @Cuberium I suggest to make holiday events in the metaverse game. All we need to do is just complete all holiday quests inside the game! And first bunch of people who will complete all quests, gets some special gift. For example: New Year, Easter. #Metaverse"],["05\/22\/2023, 10:53:54","faye_dabo","ProjectLambo is using cutting edge AI, VR & NFT technology to bring you the latest in immersive & interactive Metaverse gameplay \ufffc #Play2Earn #AI #ProjectLambo"],["05\/22\/2023, 10:53:00","bgc240","Rotated some capital into $sand I have a feeling we might get another metaverse narrative when the apple VR headset gets launched."],["05\/22\/2023, 10:38:05","DeFi_Kori_","SeiLaunchpad is a dedicated launchpad on the #SeiNetwork, here to catalyze innovation in #DeFi, #GameFi, #Metaverse, #NFT, and #AI. @seilaunchpad #SeiNetwork $Sei #SeiLaunchpad"],["05\/22\/2023, 10:08:40","William190495","SeiLaunchpad! As a dedicated launchpad on the #SeiNetwork, we're here to catalyze innovation in #DeFi, #GameFi, #Metaverse, #NFT, and #AI. @seilaunchpad"],["05\/22\/2023, 10:29:18","DAVIDSONCUTE","Shill me low cap #metaverse tokens.\u26a1\ufe0f"],["05\/22\/2023, 08:53:15","Sigloland","Siglocoin (SGC) is an ERC-20 token unit. Total Supply 1,000,000,000 SGC We are finally wrapping up its white paper and protocols! \ud83e\udd1e\ud83e\udd1e #AI #Blockchain #Cryptos #Dao #Btc #Ethereum #Worldcoin #piletoearn #web3 #HODL #nft #stablecoins #twitter #Cryptos #PEPE #memecoin #Metaverse"],["05\/22\/2023, 08:58:47","FelixorAigelo","Taking #AdTech to new heights, @adsharesNet is shaping the future of programmatic ads on the #web3! With their groundbreaking protocol and the power of $ADS coin, they're paving the way for innovation. Who's ready to change the game? #ADSHARES #metaverse"],["05\/22\/2023, 11:05:52","ImStaceyWithAnE","The Development of Roblox Provides a Framework for the Metaverse Vision"],["05\/22\/2023, 10:14:07","CoinsPaid_Media","The U.S. Department of Justice accused the Las Vegas resident of defrauding investors of $45 million by raising money for the non-existent CoinDeal project, which allegedly produced crypto and products for the #Metaverse. Over 10,000 investors were defrauded."],["05\/22\/2023, 08:43:14","AmberlynnWaldm7","The metaverse is a virtual reality space where individuals can interact with each other. Healthcare professionals can conduct virtual consultations, perform medical procedures in a simulated environment. Patients can access virtual healthca"],["05\/22\/2023, 10:41:29","NLollipoplove","The nemesis metaverse has finally launched its nems token, whose price after 24 hours went from $0 27 marking a +2170% according to data provided by coinbar. The new erc-20 payment token: nems aims to introduce new possibilities for nft use"],["05\/22\/2023, 10:51:18","WileyRawls5","The new htc u23 proits is also designed to be used within the vive xr elite metaverse headphones, although it can also be used independently, like any other phone."],["05\/22\/2023, 11:27:05","9NoZhwz6RSd9p1x","The wide neckline, puffed sleeves & delicate necklace make this ensemble so chic-Rebirth has outdone itself again \ud83d\udcab #NFT #Metaverse #XANAGenesis"],["05\/22\/2023, 11:17:08","ShivaniBonnell1","The world of education is changing rapidly with the advent of the metaverse. We are on the cusp of a new era of learning that has never been seen before. Education is empowered by tech tools and one that is heavily focused on innovation."],["05\/22\/2023, 10:45:05","EstatesVirtual","Think you know what the future looks like? Think again! The metaverse is the future, and it's time to start exploring this incredible world of virtual reality! #Metaverse #Future #VirtualReality"],["05\/22\/2023, 08:49:07","nevidimka69","Thrive in the #metaverse with @Cuberium! A virtual realm for business growth, partnerships, and endless possibilities. Join us now! #Cuberium #VirtualBusiness"],["05\/22\/2023, 09:29:25","chameleon_CAG","Toxic people always twist things to make you the bad person in a situation they created. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 10:30:34","salarebrahimi1","Unique PFP Personalities Vault Diving - Crypto & NFTs Meme Powered Metaverse Tipping Culture Tools #NFT #Launch #ShibeSociety"],["05\/22\/2023, 10:29:19","BULLHUNTER46","Waiting for $gem and $xeta to do the same like $mts All the metaverse coins are pumping hard Send $gem and $xeta to \ud83c\udf19"],["05\/22\/2023, 10:13:07","TechCabal","We have a question!!! Who do you think are the most audacious Africa-focused thinkers\/doers in VC, web3\/metaverse, fintech\/commerce,\u00a0 gaming, AI & ML, and telco? Please tag them or drop their names in the comment"],["05\/22\/2023, 11:28:32","nftfrix","We're in a whole new world of entertainment - NFTs, generative AI, and the Metaverse. What do you think? Share your thoughts and join the conversation! #TrendingTech @FARRAHXYZ @FARRAHXYZ @FARRAHXYZ @FARRAHXYZ @oixofficial"],["05\/22\/2023, 10:09:00","phattra39361860","We\u2019ve been in the metaverse since social media came to be. The difference"],["05\/22\/2023, 11:09:08","JewelDEFI","What do you think about the #Metaverse? \ud83c\udf10 Any projects with #100x potential?\ud83e\uddd0"],["05\/22\/2023, 08:46:39","Kenkelinke","What's the MCU NEXUS position on the Metaverse?"],["05\/22\/2023, 08:46:53","ParaboxGame","What's your preferred game genre? Cast your vote and feel free to share any other genres you love! Let's discover the #Radix community's top picks! $XRD $GAT #BuildOnRadix #Parabox #GamerPoll #GameGenres #Web3 #Metaverse"],["05\/22\/2023, 10:00:45","IG_ClubNFT","Which NFT Marketplace is INFINITY GIRLS CLUB's choice for the Main Launch? #Metaverse #NFTCommunity #Infinitygirlsclubs #web3community #NFTGiveaways #NFTdrop"],["05\/22\/2023, 10:28:34","CaptainBlackNFT","Yo! Just heard about #NFTs and how they're changing the game for artists, gamers, and collectors alike. What's your take? #Metaverse #Web3 #GenAI \ud83e\udd14 Share yo views! \ud83d\udde3 @JefferJodi @YUVARAJZYR @BeanMoney3000 @lajoyawin30 @oixofficial"],["05\/22\/2023, 09:01:27","chameleon_CAG","You only control the effort, not the results. #motivation #PositiveVibes #Mindset #lifelesson #entrepreneur #startup #NFTCommunity #Crypto #Metaverse #web3"],["05\/22\/2023, 09:52:14","Reynald34992301","latest game. @racefi_io #RaceFi #RacingGame #P2E #Cars #NFT #WEB3 #Metaverse #RACEFI"],["05\/22\/2023, 08:47:12","cryptokupumps","metaverse gem is coming soon Sitting rock bottom Like & Retweet...... $pld $racefi $fcon $num $bull $ovr"]]} \ No newline at end of file diff --git a/output/twitter_data_2.xlsx b/output/twitter_data_2.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..b66d27d74734d6eed4dbf5e074475479d5b23dfc Binary files /dev/null and b/output/twitter_data_2.xlsx differ diff --git a/output/twitter_data_20.xlsx b/output/twitter_data_20.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..2cea88706b035c8ef29c66648a3b7067277b499d Binary files /dev/null and b/output/twitter_data_20.xlsx differ diff --git a/output/twitter_data_21.xlsx b/output/twitter_data_21.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..5975e5569cdacabd03be3aef45638798956566f8 Binary files /dev/null and b/output/twitter_data_21.xlsx differ diff --git a/output/twitter_data_22.xlsx b/output/twitter_data_22.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..d2790439e2daddd600efc9b938dfa3f0515f2dc6 Binary files /dev/null and b/output/twitter_data_22.xlsx differ diff --git a/output/twitter_data_23.xlsx b/output/twitter_data_23.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..00efe8f7d5a47e93afda5b629eaf6bd5f0d9c9aa Binary files /dev/null and b/output/twitter_data_23.xlsx differ diff --git a/output/twitter_data_3.json b/output/twitter_data_3.json deleted file mode 100644 index 95a66402ae21bfb19a297f7ed2837d210cfcc6fc..0000000000000000000000000000000000000000 --- a/output/twitter_data_3.json +++ /dev/null @@ -1 +0,0 @@ -{"columns":["date","username","tweet"],"index":[0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],"data":[["05\/29\/2023, 08:21:50","0xrobson_JPEG","\"Protective Girlfriend Gun Club is the perfect place for those who want to stay safe in the metaverse while having fun! #NFT #PGGC\""],["05\/29\/2023, 09:33:04","riyakita1979","\"Virtual worlds and metaverses are thriving with NFTs, creating immersive experiences where users can explore, socialize, and trade unique digital assets. #Metaverse #NFTCommunity\""],["05\/29\/2023, 11:00:01","coincatch1","#China is making a substantial bet on the Metaverse as #Zhengzhou announces an $8.5 billion #Metaverse fund.\u26a1 The fund's primary objective is to support Metaverse companies operating within the city's jurisdiction.\ud83e\udd1d"],["05\/29\/2023, 10:36:27","rrezi16","#Chinese bull markets \ud83e\udd2a #cryptocurrency \ud83e\udd70\ud83e\udd70 #btc #bnb #AI\u30b0\u30e9\u30d3\u30a2 #Metaverse #fantoken @binance @cz_binance"],["05\/29\/2023, 11:55:53","MishelNFT","#CryptoNews: A recent report indicates that popular #metaverse properties, including those found in Otherdeeds, The Sandbox, Decentraland, Somnium, and Voxels, have suffered significant losses in value over the past year. \ud83d\udc40"],["05\/29\/2023, 11:57:41","MishelNFT","#CryptoNews: The cybersecurity unit of the Hong Kong Police Force has launched CyberDefender, a new #metaverse platform designed to educate the public about the potential dangers associated with #Web3 and the metaverse. \ud83c\udded\ud83c\uddf0"],["05\/29\/2023, 08:55:23","ZealVulca","#NFT #P2E #Metaverse @riseofaitech Let's go!"],["05\/29\/2023, 11:58:04","JimohTo86661188","#vivalverse #metaverse excellent project \ud83d\udd25 @vivalverse"],["05\/29\/2023, 11:26:49","ErhanErmisss","$MAN MORE SECURE: Making blockchains more robust against malicious attacks. FASTER: Allows for faster transactions and higher throughput. MORE FLEXIBLE: Seamless integration of public and private chains with adaptive optimization capability. \ud83d\ude4f\ud83d\ude07\ud83d\udc4d #AI #metaverse #Web3"],["05\/29\/2023, 08:57:06","rajeshprabu79","2023 holds exciting possibilities for consumer interaction: AI-driven responses, the metaverse, and Web 3.0. Businesses can forge seamless connections, enhancing lives beyond transactions. #TechAdvancements #CustomerExperience"],["05\/29\/2023, 10:46:35","andria_benning","A heart intervention surgery conducted by robot through remote control has been showcased at the oriental congress of cardiology. Experts said cardiology has entered the new stage of the metaverse. This year, robot and digital medicine are"],["05\/29\/2023, 08:24:13","__TheKiwi__","AI will be the biggest narrative of the next bull run. Followed closely by gaming-metaverse. Pick wisely. Coins with Ai narrative. $Opti $Fet $Orai $Ocean $Rndr Strong undervalued gaming coins $Kata $Sidus"],["05\/29\/2023, 08:56:01","hodlnbuidl","AI-Centric #Crypto Market Loses Over $1 Billion in Value in 90 Days. #CryptoNews #Web3 #cryptoworld #cryptocurrency #blockchain #cryptocurrencies #CryptocurrencyNews #Metaverse"],["05\/29\/2023, 10:49:26","AuraLeeHarvey","Are chatbots impressionists doing a bit about the least unique person there ever was? Will human impressionists (soon called \u201cfleshy impreshies\u201d) one day do bits impersonating chatbots in 3D printed replicas of Ol\u2019 metaverse ghost towns? We ask former Gizmodo columnist Doug Ba\u2026"],["05\/29\/2023, 11:29:38","HiqupY","Be creative, @meratoken #metaverse #airdrop #airdropalert"],["05\/29\/2023, 08:10:35","z3kYDT1YEvTVNa2","Been saying this. It should be. Property you own in game should be a linked NFT. However, investment groups will buy them up and hold out. Won\u2019t be enough in game property to sufficiently cover players at less you\u2019re in early. This would be my next Metaverse play."],["05\/29\/2023, 10:25:17","joygirl1314","Binance launched a blockchain-related course program at the Austral University in Argentina. The training lasted for five months, covering the fundamentals of blockchain and cryptocurrencies, decentralization, Web 3.0, metaverse, trading and risk management"],["05\/29\/2023, 10:48:38","coons_ameena","Bitgert ventures will invest $1 12 million in deelance to help fund the development of its blockchain-powered metaverse. The project is already generating huge hype in web3 circles. Some observers think it could upend the still very web2 pl"],["05\/29\/2023, 09:00:15","Jonathanabili","Calling all business owners! The clock is ticking, and your company's destiny is at stake. Discover the secret to growth and success by unleashing the power of CRM activities. #web #nft #crypto #metaverse #crm"],["05\/29\/2023, 07:42:03","icnncryptonews","Chinese cities are promoting the metaverse sector as the future of the digital economy."],["05\/29\/2023, 09:51:33","annah_crim","Cost of digital lands on among the high metaverses has declined considerably from their peak costs of 2022. Study by coingecko shows that well-liked metaverse properties have all depreciated in worth."],["05\/29\/2023, 09:37:33","HunnicuttMarty","Creating the metaverse: a spotlight on metaverse platform providers in this article, we will highlight metaverse platform providers. The metaverse is a virtual world where people can interact, explore, and create in real digital settings."],["05\/29\/2023, 07:46:00","ToscanoNicolai","Cyber security and technology crime bureau (cstcb) of the hong kong police force has launched a new metaverse platform called cyberdefender. Cyberdefender is intended to inform users of the possible risks associated with web3 and the metave"],["05\/29\/2023, 11:42:15","aaniyah_ligon","Cyber security and technology crime bureau unveils cutting-edge metaverse platform. Cyberdefender aims to prepare the public for the \"impending digital challenges\" cyberdefender hosted a program called \"exploring the metaverse\" to explore s"],["05\/29\/2023, 11:15:55","CalleeFoxworth","Cyber security division of the hong kong police force has recently introduced a new initiative called cyberdefender. Cyberdefender is a state-of-the-art metaverse platform aimed at keeping up with the advancements in the digital realm."],["05\/29\/2023, 08:14:51","Adler192","Did you know that you have only 7 days left... to join @Netvrk_Official's community contest! It is a great example for #playandearn, start grinding for your share of $1400 today! Various tasks, great community...#web3 #cryptogaming #cryptogames #web3gaming #netvrk #metaverse #nft"],["05\/29\/2023, 08:31:52","Hagrid_web3","Discover a whole new level of interactivity and engagement as you explore the #REBASEgg metaverse or invest in and trade @REBASEgg #NFTs by using the app! #Web3 #RebaseIDO #cryptocurrency $BANK #BRC20 #DOXcoin #CryptoTwitter $OXBT $LOYAL $INFRA #Staking #NFTCollection"],["05\/29\/2023, 08:00:01","RenoviHub","GM, Metaverse visionaries! Keep dreaming and creating a future that's more beautiful than we can imagine! \ud83c\udf05 #Future #Vision"],["05\/29\/2023, 09:42:25","ZackaryVoss1","Gamefi is a promising use case for web3 and the metaverse, but developers shouldn\u2019t forget the core elements that made video games popular in the first place."],["05\/29\/2023, 10:55:58","EvangelineDec16","Gaming metaverse brings in the goodness of nfts, the connectivity of web3 and a community-centered gaming realm to the masses. Gaming assets are now broken free from their confinement to the game, and have added a wing of being tradable ass"],["05\/29\/2023, 08:11:45","SaigeBlaze","Gemini says it chose the republic of ireland as its new european headquarters. Coinone exec admits to bribe-for-listing charges. China's city unveils metaverse policy draft to attract companies."],["05\/29\/2023, 10:56:00","ItsHareemMohsin","Got lost in the #Metaverse for hours. Finally found my way back to reality only to realize I left my body in the #virtualworld. Anybody know how to teleport back? Asking for a friend... \ud83d\ude05 #LostInVirtuality #humour #Web3Adventures #invogames"],["05\/29\/2023, 08:59:59","kolorguardian","Hello Friends, Family, Lovers and other, I need some help and guidance. I need someone to show me how to create in VR Chat and Rec Room. I want to learn how to create worlds and avatars. Anyone willing to assist?? #VRChat\u59cb\u3081\u307e\u3057\u305f #VRChat #VRChat_world #recroom #Metaverse"],["05\/29\/2023, 08:33:19","AbdulofBlockain","Hong Kong police has launched a new Web3 platform known as \u201cCyberDefender Metaverse\u201d to educate public about the potential risks associated with Web3 and metaverse."],["05\/29\/2023, 08:56:04","Zeus_Finn","How many $GALA do you #HODL ? #GalaGames #GALA #P2E #game #metaverse #NFT #Web3"],["05\/29\/2023, 08:50:09","JoabKapp1","Htc americas president daniel o\u2019brien joins yahoo finance live anchors julie hyman and diane king hall to discuss the concept of vive offering vr training for real-world workplace scenarios and the value of the metaverse."],["05\/29\/2023, 10:41:16","EarlyBetaAI","I am currently staking my Arcomia #NFTs at and I am receiving #metaverse #NFTgiveaway #NFTs #airdrop #arcomia"],["05\/29\/2023, 10:38:03","EarlyBetaAII","I am currently staking my Arcomia #NFTs at and I am receiving t #metaverse #NFTgiveaway #NFTs #airdrop #arcomia"],["05\/29\/2023, 08:39:51","AntnPutt","I could see metaverse lands being valued based on work put into the land. Say it was minecraft and you spent months building a world"],["05\/29\/2023, 08:14:42","CNOVAK26255426","I just checked my TML account and the tickets are visible, but are not assigned yet. The personalization starts next week. I bought a Friendship Garden while the NFT sale was going on. The tickets are listed under Tomorrowland Metaverse Sale."],["05\/29\/2023, 10:06:48","EPAMINONDA671","If #PhatContract > @PhalaNetwork > $PHA will be released with user friendly UI, intuitive and a few clicks implementation, as it will be, with its unique features I see no limit to adopt it to greatly improve the properties of any use case. @Polkadot #DeFi #NFT #Dapp #Metaverse"],["05\/29\/2023, 09:27:17","StarbirdCapital","In the fiscal year ended July 31, 2022, PixelCraft Studios, the developer of metaverse game Aavegotchi, saw its revenue increase by 200% to $11.3 million."],["05\/29\/2023, 08:46:03","DianaContrerasM","Interesting use of SA: Tunca, S., Sezen, B., & Wilk, V. (2023). An exploratory content and sentiment analysis of the Guardian metaverse articles using Leximancer and natural language processing. Journal of Big Data, 10(1), 82. doi:10.1186\/s40537-023-00773-w"],["05\/29\/2023, 10:25:21","DACProtocol","Introducing #DACProtocol, the ultimate game-changer in the world of gaming and the metaverse! \ud83d\udd25\ud83c\udfae \ud83c\udf81 Unlock the potential of gaming assets with #DACProtocol. It empowers you to create and trade game items, giving gamers true ownership and control. \ud83d\udcaa \ud83d\udcb1 With seamless integration on #PancakeSwap, you can easily swap DAC for BNB or USDT, opening up a whole new world of possibilities for asset trading. \ud83d\udd04\ud83d\udcb0 \ud83d\udd79\ufe0f Elevate your gaming experience with DACProtocol's cutting-edge technology. It's the go-to platform for game developers, enabling them to mint and manage assets like never before. \ud83d\ude80\ud83c\udfaf \ud83c\udf10 Join the revolution and dive into the metaverse with DACProtocol. Explore immersive virtual worlds, trade unique assets, and shape the future of gaming. \ud83c\udf0d\ud83d\udcab Don't miss out on this game-changing opportunity! Get involved with #DACProtocol today and be at the forefront of the gaming and metaverse revolution. \ud83c\udfae\ud83d\udd25 #Cryptocurrency #BlockchainGaming #MetaverseRevolution #GameAssets #Innovation #BNB #BTCUSDT #Ethereum #UE5 #cryptocurrency #CryptoTwitter"],["05\/29\/2023, 09:42:34","BreakingWhale","JUST IN: Hong Kong Police Force has launched CyberDefender, a new #metaverse platform designed to educate the public about the potential dangers associated with #Web3 and the metaverse."],["05\/29\/2023, 11:03:02","kingaddebbo","Join projectbloodfin! A huge scifi metaverse coming to SUI and BSC!!! #ProjectBloodFin, #SUI, #BSC, $FIN, #SUICommunity, #BSCGem"],["05\/29\/2023, 11:13:48","Filip20161","Just minted this awesome Genesis Bear from @SuiOkayBears Can't wait for the Bear World metaverse! #SUI #SuiNFT #SuiBears"],["05\/29\/2023, 10:40:00","ItsHareemMohsin","Just spent all my #Web3 #tokens on a virtual pet in the #Metaverse. Now I'm broke and taking care of an imaginary animal. Who needs real responsibilities anyway? \ud83d\ude43 #VirtualZoo #CryptoPets #Web3Problems #humour"],["05\/29\/2023, 09:12:58","CoolCrazyCatLa1","Metaverse is a decentralized platform for building and managing digital assets it aims to give users full control over their digital identities and information by pioneering an underlying technology that provides secure, trustless transacti"],["05\/29\/2023, 11:24:11","duduairdrop123","Metaverse is coming @sophiaverse"],["05\/29\/2023, 08:19:09","TeoOlivarez1","Metaverse uses virtual versions of themselves known as avatars to work, play and do business they enter a super marketplace where they can buy and sell anything from medical equipment and services to educational offerings, games, vacation a"],["05\/29\/2023, 08:48:37","EnesLind","News flash: The metaverse has been around for decades. Its called fucking"],["05\/29\/2023, 10:33:09","TheCrypty","OneLand Metaverse Market Analysis: May 22-28 #NFTnews #Metaverse"],["05\/29\/2023, 11:34:00","stew_ilondanga","Positive technology can help us reduce our Carbon Footprint and protect the environment innovatively. #gainwithstewartilondanga #AR #AI #MR #XR #5G #NFT #Web3 #SaaS #AIoT #MLOps #Space #slack #DevOps #fintech #Metaverse #VirtualReality #WordPress #CyberSecurity #PS5 #Max"],["05\/29\/2023, 09:34:57","vtcpo","Rise of AITECH is a P2E Metaverse game powered by Solidus AI Tech. Play the game, earn tokens, and build your own AI empire in the Rise of AITECH Metaverse. @riseofaitech @PenelynBan38677 @thePenelopeFord @Reynaldotisoy #NFT #Crypto #P2E $AITECH"],["05\/29\/2023, 11:27:22","a4333234102","SmartAliensFor Ever \u2705 SAT token powers the ecosystem, immersive game in a futuristic universe, Daoverse decentralized metaverse, unique NFTs, and vibrant meme culture. Join now for an intergalactic journey of creativity, entertainment. @smartaliensnft @arbitrum"],["05\/29\/2023, 09:34:35","nnorbetelsec","The \"metaverse\" is going to happen but I don't think any of the existing"],["05\/29\/2023, 09:42:52","BasemEbrahim7","The $WOOT token and #NFT mallcards are just two examples of how the Mallconomy project is redefining the concept of a shopping mall for the #Metaverse , offering new and exciting ways for shoppers to engage with brands and retailers in a virtual environment."],["05\/29\/2023, 09:00:00","brandingmag","The Internet is becoming dominated by factory content thanks to AIs. One potential solution is a decentralized #web3 built on blockchain technology. Until then, creators are turning to platforms without algorithmic interference. Could the metaverse be the answer?"],["05\/29\/2023, 09:00:50","TetsujiAzuma","The hackathon will cover diverse tracks, including blockchain infrastructure, #DeFi, GameFi, Metaverse, NFT, SocialFi, and innovative trends such as encrypted AI fusion, innovative stablecoins, DePIN, Soul Binding Tokens, on-chain games, and new social applications."],["05\/29\/2023, 10:51:03","robhallam9","The majority of Gen Z spend most of their time playing on devices, regardless of the game! If they spend time with their mates online, they are happy! This is the new dimension\u2026and people are still fading the Metaverse! #gaming & #Metaverse will be THE narrative\u2026\u2026\ud83d\ude80 #crypto"],["05\/29\/2023, 08:18:19","LordofdarknessO","The metaverse is a collective virtual shared space that is created by the convergence of physical and virtual reality. It offers users a virtual world with endless possibilities. You can travel to different places, interact with other playe"],["05\/29\/2023, 11:03:36","TessierSachin","The metaverse is a virtual reality space where users can interact with each other. It transcends the boundaries of traditional online platforms and offers a more integrated and realistic experience."],["05\/29\/2023, 08:00:56","OlmsteadAdin","The metaverse is expected to offer a platform for content creators to thrive, innovate and shape the future of entertainment. 25% of businesses in india plan to fully embed their metaverse plans within a year. 47% believe it will take two t"],["05\/29\/2023, 07:38:50","IradukundaFides","The new directive wants the technology department to explore business opportunities in the metaverse and web3. It comes just weeks after the treasury\u2019s economic secretary confirmed royal mint would not proceed with plans to process an nft."],["05\/29\/2023, 11:02:50","MichaelShakil","The owner of $meta #meta has NO Imagination. That is why their metaverse will #fail!! #holoscene @realtateproject"],["05\/29\/2023, 08:20:08","KarlieWinn3","The world has seen a surge in metaverse-related technologies and startups in recent years becoming a very common term. Thousands of startups emerging every year with the potential to disrupt the industry as we enter into 2023. The top metav"],["05\/29\/2023, 08:04:19","EdDunkelsGhost","Title for a book about tech grifters and the repeated failure to meet the hype: The Metaverse Has No Legs"],["05\/29\/2023, 10:19:02","acadia_sand","Tl;dr breakdown the metaverse realm created by bbc studios, will debut later this year. A joint venture between bbc studios and reality+ marks the first time the bbc will have a home in metaverse. Interactive experiences in the sandbox meta"],["05\/29\/2023, 08:44:08","0xRadar","Touching grass today in the metaverse"],["05\/29\/2023, 09:44:39","KrolOral6023","Ubiloan Vision Bridging the Metaverse and physical world and letting the first 100 million gamers or NFT holders financially benefit from their digital assets."],["05\/29\/2023, 09:34:20","onchainmichael","Use these ideas for startups before I make them my own\ud83d\udca1 1. Cross-business loyalty system with blockchain. 2. Move social networks to Metaverse, where digital specialists could connect. And if you need help with the development of these startups, Cowchain is already waiting for you\ud83d\udc2e #startup"],["05\/29\/2023, 09:00:00","StanChart","What are the key elements of the Metaverse? \u25fe\ufe0f e-Commerce \u25fe\ufe0f Working \u25fe\ufe0f NFTs \/ digital assets \u25fe\ufe0f Crypto currencies \u25fe\ufe0f Socialising \u25fe\ufe0f Gaming Which of the above are you most likely to utilise in the Metaverse? #Metaverse"],["05\/29\/2023, 11:28:33","gemstooneii","What do you think about the rise of NFTs, Metaverse and Generative AI? Is it something that we should welcome or something to be wary of? #NFTs #Metaverse #GenerativeAI #shareyourthoughts @thierry_tillier @MindResting @sarhang9119 @BlancoLozano @oixofficial"],["05\/29\/2023, 11:53:46","Albert_Toss_100","What's everyones #1 go to VR metaverse type platform for communicating in this space with your own avatar? Has to be accessible via Oculus Quest 2. #metaverse #socials #oculus"],["05\/29\/2023, 09:00:01","VodafoneGroup","What\u2019s the future of connectivity? \ud83e\udd16 From #AI to the metaverse, our Global Products & Services Director, Phil Patel, & Head of Innovation, Tom Griffiths talk on the upcoming technology revolution. Tune into #WeAreVodafone podcast \ud83d\udd09 \ud83d\udc49 Spotify \ud83d\udc49 Apple \ud83d\udc49 Acast"],["05\/29\/2023, 11:28:38","debutinfotech","Which technology will have a more competitive edge over the other in the next 10 years? What do you think guys? vote now! #blockchain #AI #web3 #Metaverse"],["05\/29\/2023, 07:42:50","TheMetaNeon","While many games lack significant intangible value, the adoption of socializing within the Metaverse wrapper remains limited. The hype surrounding the Metaverse is gradually subsiding, with big tech companies poised to dominate mind share in the long run. Let's critically assess the evolving landscape and explore opportunities for innovation and widespread adoption. #Metaverse #GamingIndustry #Innovation"],["05\/29\/2023, 11:21:00","YarosChain","While the #metaverse can open up incredible opportunities, it also poses significant challenges: \u25a0 Digital identity \u25a0 Data protection and privacy \u25a0 Digital rights \u25a0 The danger of monopoly We must balance seizing the opportunities and minimizing the risks. #defi #NFTs"],["05\/29\/2023, 11:33:25","BitMarkLabs","Who is ready for new era of P2E Metaverse? That is the baby of Solidus AI Tech @riseofaitech #NFT #Crypto #P2E $AITECH @riseofaitech @Georgio17648606 @GreekDegenQueen @GiannhsArgyros"],["05\/29\/2023, 08:32:00","stew_ilondanga","closely monitoring our physical exertion, encourages regular physical activity and promotes a sense of achievement, motivation, and accountability. #gainwithstewartilondanga #AR #AI #MR #XR #5G #NFT #Web3 #SaaS #AIoT #MLOps #Space #slack #DevOps #fintech #Metaverse #PS5 #Max #X"],["05\/29\/2023, 09:20:22","RinatKrylovu","corporate attempts to intentionally create the metaverse are going anywhere."],["05\/29\/2023, 09:34:00","stew_ilondanga","health apps have emerged as powerful tools for managing chronic conditions and promoting general well-being. #gainwithstewartilondanga #AR #AI #MR #XR #5G #NFT #Web3 #SaaS #AIoT #MLOps #Space #slack #DevOps #fintech #Metaverse #VirtualReality #WordPress #CyberSecurity #PS5 #Max"],["05\/29\/2023, 07:42:44","DycentT","im very bullish with the projects @elonmusk and im starting to accumulate #Area token. Great project in Metaverse and a good community @AreonNetwork"],["05\/29\/2023, 09:40:03","furman_lor46777","investors who may be drawn in by hype and speculation. \ud83d\ude0d Talented coin decentralized finance, NFTs, and the Metaverse. The team behind the Floki project a woman in the UK became a millionaire overnight after investing $6.80 #DOXcoin"],["05\/29\/2023, 11:02:45","darrl1ne","metaverse buzz is interesting, but let's build value first, not just chase trends. now, we're more focused on creating a lasting impact in web3 through entertainment \u2620\ufe0f"],["05\/29\/2023, 08:49:08","Fred_qf1","next narrative plays I\u2019m looking at: 1 June - China 5 June - Metaverse + Op Bedrock update for China I will probably long some $axs because it fits into China and metaverse for bedrock I\u2019m looking to buy dips on $Sonne"],["05\/29\/2023, 11:54:28","VeronikaGerNFT","unknown people took control of the #Twitter account of Arthur Madrid, the CEO of The Sandbox #Metaverse, to spread phishing, disguising it as a fake distribution of #Tokens #crypto #CryptoNews"]]} \ No newline at end of file diff --git a/output/twitter_data_3.xlsx b/output/twitter_data_3.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..5e335a2b96aee0fe6b2de1a2acfcdb52371ba61b Binary files /dev/null and b/output/twitter_data_3.xlsx differ diff --git a/output/twitter_data_4.xlsx b/output/twitter_data_4.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..0d1b2a9faa5402e9fcbfd17609274164ff1b441c Binary files /dev/null and b/output/twitter_data_4.xlsx differ diff --git a/output/twitter_data_5.xlsx b/output/twitter_data_5.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..0463ca7630b322ec497bd8c220156a30faa3987b Binary files /dev/null and b/output/twitter_data_5.xlsx differ diff --git a/output/twitter_data_6.xlsx b/output/twitter_data_6.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..b36600cb04a181d78339435853c28d6e74e8f170 Binary files /dev/null and b/output/twitter_data_6.xlsx differ diff --git a/output/twitter_data_7.xlsx b/output/twitter_data_7.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..2cb5cdf21ff2523b0a3a006128fe70ad56f03881 Binary files /dev/null and b/output/twitter_data_7.xlsx differ diff --git a/output/twitter_data_8.xlsx b/output/twitter_data_8.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..d11eca83f5b1cef484bdbfb91a50f402251cd31c Binary files /dev/null and b/output/twitter_data_8.xlsx differ diff --git a/output/twitter_data_9.xlsx b/output/twitter_data_9.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..dabf8ef08856abb23985ae55434be6a275d4a214 Binary files /dev/null and b/output/twitter_data_9.xlsx differ diff --git a/src/Data/prediction.csv b/src/Data/prediction.csv new file mode 100644 index 0000000000000000000000000000000000000000..949f0dbdc03e814d90a45404b4e65caecfb18219 --- /dev/null +++ b/src/Data/prediction.csv @@ -0,0 +1,23 @@ +sentiment,mots cles,date,username,tweet +0,,"04/22/2021, 23:54:53",GoodGr8Grossman,the Metaverse is for the children. +0,,"04/22/2021, 17:06:53",angellexx_,Boredd... Metaverse getting boring +2,,"04/22/2021, 05:25:25",DemonOfAccident,Metaverse opinion Sparks is amazing +1,,"04/30/2022, 20:14:32",dburgar,No one person or organization will own the Metaverse. +2,,"04/30/2022, 16:35:39",pupsgmi,The Metaverse is looking bright 🌞 +2,,"04/30/2022, 16:35:39",pupsgmi,The Metaverse is really good ! +0,,"05/01/2021, 11:01:11",Octo_Boi69,Metaverse more like trashaverse am i right? +1,,"05/01/2021, 01:19:26",akirakurusu420,i've been working on some battle techniques to use in the metaverse. my new physical attack is just chucking a jokorb at a shadow's head as hard as humanly possible +0,,"04/30/2021, 06:57:28",testudo1111,"i've only watched video of the metaverse it already makes me goosie and cry when i enter it, wow" +1,,"04/22/2021, 23:48:00",MissDarlingStar,Am I the only one who hasn’t participated in the Metaverse? +1,,"04/19/2021, 15:24:41",flowervortex,anyone know what the metaverse rewards are so I know if I should do it or not? +0,,"04/16/2021, 05:04:28",FrostedCream,ive only played metaverse for a day and i already see some major flaws. +2,,"04/15/2021, 02:34:33",pedromuller,"Are you all ready for the metaverse? We are getting solid virtual money, virtual art, virtual environment. Can't wait for what's next" +1,,"04/09/2021, 23:19:01",NoodleGamingTV1,Do I become ugly in the Metaverse? +0,,"04/08/2021, 23:53:44",Walt_Walnuts,"I can't be the only one that thinks the ""metaverse"" will be a massive joke." +2,,"04/07/2021, 20:29:01",0xgawswolf,Who has the key to the metaverse? I’m ready +2,,"04/01/2021, 21:49:05",juxton,Which metaverse are you most excited out? +0,,"03/31/2021, 17:28:50",Jenny_Pollack,instead of saying metaverse why don't you just say nothing +2,,"03/29/2021, 12:26:02",HatTartan,I hope everyone is looking into the metaverse. this is going to change everything. +1,,"03/22/2021, 00:20:50",itsVanBuren,Are you ready for the metaverse? +2,,"03/11/2021, 15:53:51",logan_larkin,"Value, utility, passion, whatever you want to call it, this is only the beginning of a Renaissance. Roaring 20s anyone? I’ll see you in the metaverse 👾" +2,,"01/01/2021, 12:21:05",tokencom_,Resolutions for 2021: More exploring the metaverse 🪐 Less video calling 🙏 Introducing DeFi to the rest of the world 🌍 Are you ready? 🚀 diff --git a/src/Data/review.csv b/src/Data/review.csv new file mode 100644 index 0000000000000000000000000000000000000000..98139cadb840996df0b4b17efed99eccd6507d3b --- /dev/null +++ b/src/Data/review.csv @@ -0,0 +1,5843 @@ +Sentence,Sentiment +"The GeoSolutions technology will leverage Benefon 's GPS solutions by providing Location Based Search Technology , a Communities Platform , location relevant multimedia content and a new and powerful commercial model .",positive +"$ESI on lows, down $1.50 to $2.50 BK a real possibility",negative +"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 .",positive +"According to the Finnish-Russian Chamber of Commerce , all the major construction companies of Finland are operating in Russia .",neutral +"The Swedish buyout firm has sold its remaining 22.4 percent stake , almost eighteen months after taking the company public in Finland .",neutral +$SPY wouldn't be surprised to see a green close,positive +Shell's $70 Billion BG Deal Meets Shareholder Skepticism,negative +"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 .",negative +Kone 's net sales rose by some 14 % year-on-year in the first nine months of 2008 .,positive +"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 .",neutral +Circulation revenue has increased by 5 % in Finland and 4 % in Sweden in 2008 .,positive +$SAP Q1 disappoints as #software licenses down. Real problem? #Cloud growth trails $MSFT $ORCL $GOOG $CRM $ADBE https://t.co/jNDphllzq5,negative +"The subdivision made sales revenues last year of EUR 480.7 million EUR 414.9 million in 2008 , and operating profits of EUR 44.5 million EUR 7.4 million .",positive +Viking Line has canceled some services .,neutral +"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 .",neutral +$FB gone green on day,positive +$MSFT SQL Server revenue grew double-digit with SQL Server Premium revenue growing over 30% http://stks.co/ir2F,positive +"According to L+ñnnen Tehtaat 's CEO Matti Karppinen , the company aims to deliver fish products to its customers a day earlier than it currently does .",neutral +The company 's share is quoted on NASDAQ OMX Helsinki Rautaruukki Oyj : RTRKS .,neutral +Elcoteq SE is listed on the Nasdaq OMX Helsinki Ltd. .,neutral +Two of these contracts are for turntable anode vibrocompactors that will be delivered to Gansu Hualu Aluminum Co Ltd and another unnamed costumer .,neutral +"Aviva, Friends Life top forecasts ahead of 5.6 billion pound merger",positive +"In stead of being based on a soft drink , as is usual , the Teho energy drink is made with fresh water .",neutral +The company plans to increase the unit 's specialist staff to several dozen -- depending on the market situation during 2010 .,neutral +The company closed last year with a turnover of about four million euros .,neutral +Shire CEO steps up drive to get Baxalta board talking,positive +Costco: A Premier Retail Dividend Play https://t.co/Fa5cnh2t0t $COST,positive +"The five-storey , eco-efficient building will have a gross floor area of about 15,000 sq m. It will also include apartments .",neutral +"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 .",neutral +All are welcome .,neutral +"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 .",positive +"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 .",neutral +`` We are pleased to welcome Tapeks Noma into Cramo group .,positive +- Profit before taxes was EUR 105.9 82.7 million .,neutral +Royal Dutch Shell to Buy BG Group for Nearly $70 Billion,positive +"FinancialWire tm is not a press release service , and receives no compensation for its news , opinions or distributions .",neutral +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 .,neutral +"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 .",positive +In 2005 the bank posted a net profit of Lt 8.2 mn .,neutral +$AAPL afternoon selloff as usual will be brutal. get ready to lose a ton of money.,negative +$TSLA recalling pretty much every single model X @cnnbrk got to short that even at work you jump in money trade,negative +"Dolce & Gabbana has asked the European Union to declare Marimekko Corporation 's `` Unikko '' floral pattern trademark invalid , in a continuing dispute between the two companies .",negative +InterContinental Hotels first-quarter global room revenue lags estimates,negative +"According to Finnish pension insurance company Varma , Varma was the recipient of over two thirds of the revenue of the earnings-related pension cover that was under competitive tendering in Finland .",positive +"A portion , $ 12.5 million , will be recorded as part of its winnings in a prior patent dispute with Finnish phone maker Nokia Oyj .",positive +"L&G still paying price for dividend cut during crisis, chief says",negative +The volume of investments in the two phases of the project is estimated at USD 300mn ( EUR 215.03 mn ) .,neutral +"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 % .",neutral +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 .,positive +Profit of the accounting period was EUR 0.3 mn .,neutral +"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 .",positive +"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 .",positive +"Systeemitiimi 's sales and project resources will also be strengthened , director Paul Skogberg said .",positive +Tesco share price jumps as Q3 sales top estimates,positive +The fine print is here .,neutral +The price for logs has clearly improved from 2009 and also the price of pulpwood has gone up .,positive +"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 .",neutral +Diluted earnings per share ( EPS ) fell to EUR 0.63 from EUR 1.71 .,neutral +"At 3:37 p.m. Eastern time , a block of 2,400 contracts changed hands at a bid price of $ 0.45 .",neutral +"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 .",neutral +$VIPS similar pattern like beginning of May. Did u sell? Same now..will go up much higher after this drop.,positive +The firm generated sales of 187 mln eur in 2005 .,neutral +"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 .",neutral +AstraZeneca profit down as sales of stalwarts fade,negative +"RT @andrewnyquist Chartology: Yahoo: http://stks.co/1itr $YHOO Crazy looking chart, but nearing breakout resistance line...",positive +Most bullish stocks on Twitter during this dip. $YHOO $GDX $GOOGL $STZ $GOLD $EW $VZ $CELG $SBUX $SCTY more: https://t.co/iuZJelfwt3,positive +"Finnish GeoSentric 's net sales decreased to EUR 939,000 in January-March 2009 .",negative +"Cohen & Steers , Inc. : 5 534 626 shares representing 4.985 % of the share capital and voting rights .",neutral +More staff has been recruited in Japan to further complement its network of close to 50 service locations in more than 20 countries worldwide .,positive +"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 .",neutral +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 .,neutral +Operating profit for the quarter April-June 2006 amounted to EUR182 .2 m on sales of EUR3 .62 bn .,neutral +Atria chose the DeLight to attract consumers in the 25-45 age group to its Atria Fresh range of microwaveable meals .,neutral +"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 .",neutral +US sanctions put Gazprom-Shell alliance plans in jeopardy,negative +"Profit for the period was EUR 10.9 mn , down from EUR 14.3 mn in 2009 .",neutral +"Profit for the period was EUR 5.9 mn , up from EUR 1.3 mn .",positive +Operating profit fell to EUR 20.3 mn from EUR 74.2 mn in the second quarter of 2008 .,neutral +"However , sales returned to growth in April-June 2010 , CEO Pekka Eloholma said .",positive +Operating profit totaled EUR 18.6 mn or 8.3 % of net sales .,neutral +"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 .",negative +"In connection with the deal , Digia will employ 19 persons from Nokia in Oslo and in Silicon Valley in the USA .",neutral +"The Brazilian unit of Finnish security solutions provider F-Secure signed up 1,500 new clients last year , online news source Reseller Web quoted the division 's commercial director , Vladimir Brand+úo , as saying .",positive +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 .,neutral +"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 .",negative +"` It is a testament to the quality of our LTE solution and our commitment to the Japanese market ' , he added .",neutral +The companies ' aim is to finalize the negotiations and sign the contracts at the start of October 2008 .,neutral +"Metso Foundries Jyvaskyla Oy will discontinue production on this line by 30 September 2008 , the company said .",neutral +"A total six of the polled analysts rated M-real -- two gave `` buy '' - `` accumulate '' , three gave `` hold '' and only one gave `` sell '' .",neutral +"In September 2010 , the Finnish group agreed to buy Danish company Rose Poultry A-S for up to EUR23 .9 m in a combination of cash and stock .",positive +$YANG Double bottom 5.2,positive +Tesco share price down as grocer faces SFO investigation outcome,negative +$aapl news is becoming very bullish again http://stks.co/tMU,positive +"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 .",neutral +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 .,neutral +"M-Real said there are ` no grounds ' for the rumors , which ` have been circulating in the market for some months . '",neutral +"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 .",neutral +- Moody 's said it gave P A1 long-term senior unsecured and P P-1 short-term debt ratings to Finnish lender Aktia Bank 's EUR1bn USD1 .4 bn euro medium-term note EMTN program of 25 March 2011 .,neutral +$TSLA recall,negative +"The liquidity providing was interrupted on May 11 , 2007 when Aspocomp Group Oyj 's shares traded below 0.50 cent ( Aspocomp 's stock exchange release 11.5.2007 ) .",neutral +Hargreaves Lansdown bucks weak markets to see assets rise 2.6 percent,positive +"At 12.59 pm , the OMX Helsinki 25 index was 0.32 pct lower at 2,694.81 .",negative +"The decision means temporary lay-offs of fixed duration at the company 's Nastola and Jyvaskyla units , in southern and central Finland , respectively .",neutral +The value of the orders is over EUR 10mn .,neutral +Ms Laakso will be responsible for HKScan 's HR functions and for their development in all of the Group ` smarket areas .,neutral +"Fiskars is also engaged in the global supply of marine and energy equipment solutions and services through its associated company , Wartsila Corporation .",neutral +Aberdeen Asset Management Gains Foothold In China,positive +Finland 's dominating rail company VR is planning to set the infected passengers for long-distance trip in a separate carriage .,neutral +"In November , the Finnish government decreased its ownership in the company further to 31.1 percent from 38 percent .",neutral +"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 .",neutral +"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 .",neutral +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 .,neutral +$GOOGL is a short below 740 into the upper BB and is overbought,negative +"LIGHTS OUT Before curfew , curl up with the latest bestseller and treat your eyes to the perfect reading light from Luceplan .",neutral +"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 .",negative +The total value of the contract is some EUR 8 million .,neutral +"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 .",neutral +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 .,neutral +"The 250 sq m 2,691 sq ft store in Copenhagen 's premier shopping district was inaugurated today , further strengthening the company 's presence in Nordic capitals .",positive +"In the financial statement for the first quarter of 2010 , Tikkurila is reported under discontinued operations .",neutral +"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 .",positive +"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",neutral +Netflix Grows Efforts To Create Loyal Customers $NFLX https://t.co/5QXBkoBphe,positive +"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 .",negative +$AAPL nibbling on a small long via 525.. buying off 13min charts..,positive +The operating margin of Aker Yards Cruise & Ferries division went down from 8.3 % to 6.4 % in the first quarter of 2007 .,negative +"$TYC just about to break out to new highs, lots of technicals looking great right now.",positive +"Eero Katajavuori , currently Group Vice President , Human Resources , will take a year-long sabbatical starting from October 1 , 2010 .",neutral +"Whats up with $LULU? Numbers looked good, not great, but good. I think conference call will instill confidence.",neutral +The adjustment measures will be carried out in phases to secure the delivery capability .,neutral +"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 .",neutral +"Temporary lay-offs , affecting the entire workforce , will also be implemented .",negative +"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 .",neutral +"Finnish Sampo-Rosenlew manufactures approximately seven forest machines monthly , and about half of machines are exported .",neutral +"Facebook, near a buy point last week, faces a different technical test today https://t.co/c72LLMpiNM $FB $AAPL $NFLX https://t.co/fPFbYTYPuY",positive +"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 .",positive +$FREE Ha Heeeeeere comes the pump! So glad I picked up 9K end of day! Get ready for the bull ride!,positive +"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 .",positive +"The building complex consists of high-quality office and retail space totalling 49,200 square metres , the company said .",neutral +Finnish insurance company Fennia and Kesko Group are ending their loyal customer cooperation .,neutral +The unit is planned to be operational during the second half of 2007 and in full stream in 2008 .,neutral +"ITG 's share in the deal is estimated at some 500,000 euro $ 627,000 .",neutral +The plant is expected to enter commercial operation by mid-2009 .,neutral +Aspo has also investigated the sales opportunities of Kaukomarkkinat 's electronics business .,neutral +BG Group appoints new CEO one month early,neutral +The acquisition will have an immediate positive impact on Aspocomp 's financial result .,positive +"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 .",negative +RT @bman1 $LNG looks primed also $EGHT poised to run too...,positive +It is also 7.7 pct above the 12-month volume weighted average price of the stock .,positive +Coke dividend - 3%. Google dividend - 0%. For passive income Coke takes it. $GOOG $KO https://t.co/QBsoWjxOST,neutral +"Profit before taxes was EUR 5.4 mn , up from EUR 3.6 mn a year earlier .",positive +The subsidiary is setting up a facility for manufacturing high-density interconnection printed circuit boards or PCBs at Nokia 's special economic zone at Sriperumbudur near Chennai .,neutral +$CRM Sep 40 calls are +35% since entry #BANG http://stks.co/deDm,positive +"In January-June 2010 , diluted loss per share stood at EUR0 .3 versus EUR0 .1 in the first half of 2009 .",negative +Rapala said it estimates it will make savings of 1-2 mln eur a year by centralising its French operations at one site .,positive +$VMW Got a nice push today following small sweepers of May C this morning,positive +That topped consensus forecasts for earnings of 0.21 euros a share .,positive +R&D Loan ) .,neutral +"In future , the company intends to look for know-how from outside the company and to cooperate with other actors in the sector .",positive +"You need to be ready when the window opens up , Rosberg said .",neutral +"More than 50,000 tonnes of asphalt mix will be used in the contract .",neutral +"PA ) , JPMorgan Chase and Co ( NYSE : JPM ) and Pohjoa Bank are joint lead-managers on the senior , unsecured deal .",neutral +$CTRP breaking out here on good vol and a parser buy signal ..noticed this on bob langs comments looking for 48 fast,positive +"Sales in Finland decreased by 10.5 % in January , while sales outside Finland dropped by 17 % .",neutral +"The pulp production in Finnish Kemij+ñrvi will also be liquidated and about 1,100 employees loose their jobs .",negative +Nordea was the cheapest also for a couple in their 30s with debt .,neutral +"Jussi Pesonen , member of the Sampo Board since 2006 , will renounce his seat in Sampo Board .",neutral +"Tesla is recalling 2,700 Model X cars: https://t.co/8Z7BkVsTl9 $TSLA",negative +"Adjusted for changes in the Group structure , the Division 's net sales increased by 1.7 % .",positive +"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 .",neutral +The amending of the proposal simplifies the proposed plan and increases the incentive for key employees to stay in the Company .,positive +The solution will now be expanded to include all ground staff tasks .,neutral +"Operating loss totalled EUR 3.2 mn , compared to a profit of EUR 7.2 mn in the third quarter of 2008 .",negative +"On #FEDDAY looking for a sharp move up in equities $AAPL $HD $LOW $FB seeing $UVXY $TVIX getting hammered, even though market is down.",positive +"Net sales totaled EUR 93.6 mn , up from EUR 93.2 mn in the corresponding period in 2005 .",positive +As a consequence the Works Council had withdrawn its petition to suspend the reorganisation .,neutral +CEO Erkki J+ñrvinen is happy with the company 's performance in 2010 .,positive +"Comparable net sales are expected to increase more than 10 % in 2008 , in line with group target .",positive +"Following the transaction , Lundbeck has worldwide rights for nalmefene , excluding North America , Mexico , Turkey and South-Korea .",positive +"The government started the sell-off last month , putting an 8 percent stake in TeliaSonera on the auction bloc .",neutral +"The report goes on to provide detailed profiles of ten leading European specialty chemicals companies , and brief profiles of other major players .",neutral +"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 .",positive +The company expects its net sales for the whole 2009 to be at previous year levels .,neutral +"The company is headquartered in Sievi , Finland , and is listed on the Nordic Exchange in Helsinki .",neutral +"Commission income increased by 22 % to EUR 4.4 mn , and lending volume rose by 13.5 % .",positive +"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 .",neutral +"In the building and home improvement trade , sales decreased by 22.5 % to EUR 201.4 mn .",negative +"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 .",neutral +"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 .",neutral +The main strength of the cooperation project lies in merging the know-how of two large companies .,positive +Shareholders have a right to put on the agenda of the AGM items that are within the competence of the general meeting .,neutral +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 .,positive +"Due to the rapid decrease in net sales , personnel reductions have been carried out on a wider scale than initially expected .",neutral +The government has instead proposed an exchange of the state 's stake in LMT to TeliaSonera 's stake in Lattelecom .,neutral +Stora is due to release its fourth-quarter and 2009 full-year earnings on Feb. 4 .,neutral +Full-year operating result for 2008 was 3.6 million negative .,neutral +$NQ got hit hard lower this AM --> looks like it has found support a 18.89 http://stks.co/s052z,negative +"In 2008 , AVC Systemhaus had net sales of EUR 10 million USD 7.1 m .",neutral +"The company has established a 3G base station at about 17,000 feet at the foot of Mount Everest that will enable mountain climbers at the 29,035-foot summit to surf the Internet and even send videos of their exploits .",positive +We offer our customers solutions based on renewable raw materials .,neutral +A survey conducted by Taloustutkimus for Sampo Life shows that companies are badly prepared to losing key staff members .,neutral +"Antti Orkola , president of Kemira GrowHow 's Industrial Solutions unit , told Thomson Financial News the company has put off opening the mine as prices of phosphate have been ` quite depressed for a long time ' . '",neutral +The pretax profit of the group 's life insurance business increased to EUR36m from EUR27m .,positive +We make available the following brand-new market analyses Cement - Pakistan Cement - Malaysia Cement - Taiwan Cement - Philippines These analyses give a clear overview of the actual situation and future outlook of the cement industry in some Asian countries .,neutral +"The Company serves approximately 3,000 customers in over 100 countries .",neutral +RT @alphatrends VMarkets Are Still Acting Weak http://stks.co/1agn $SPY $QQQ $XLF $SMH $IWM,negative +"Operating profit totalled EUR 30.2 mn , down from EUR 43.8 mn a year earlier .",neutral +"One of the installed elevators will be a double-deck elevator , which enables more efficient use of the building 's core space .",positive +HELSINKI ( AFX ) - Outokumpu said it has agreed to sell the Hitura nickel mine in Finland to Canadian group Belvedere Resources Ltd for 10 mln eur worth of Belvedere shares .,neutral +Just went long $ILMN,positive +`` Social networking and location-based service trends comprise a significant share of the Internet traffic today and are appealing to MID users .,neutral +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 .,neutral +Johnson Matthey share price slumps as company posts full-year results,negative +There have not been previous share subscriptions with 2004 stock options .,neutral +AffectoGenimap builds highly customised IT solutions for its customers in Finland and the Baltic countries .,neutral +"The closing of the transaction is scheduled to take place on January 10 , 2008 .",neutral +"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 .",neutral +"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 .",neutral +The administrators have indicated a need for 900 job cuts at the Irish insurer over the next 15 months .,neutral +Net sales in 2008 are expected to be on the same level as in 2007 .,neutral +Technical indicators for the stock are bullish and S&P gives NOK a positive 4 STARS out of 5 buy ranking .,positive +"Revenue for the quarter totaled 27.4 billion , down 2 percent from 28.1 billion in the fourth quarter in 2008 .",negative +N-Viro operates processing facilities independently as well as in partnership with municipalities .,neutral +The number of bodily injury cases quadrupled in 2000-2006 .,negative +"According to Ringman , Finnish paper companies have acquired know-how and capacity in paper recycling , which has turned out to be a successful strategy .",positive +The company also said that in Poland a profitability program has been launched at the Oborniki steel frame and sandwich panel plant .,positive +And U.S. energy executives say high steel prices are threatening energy exploration .,negative +Tesco sales rise shows tentative recovery continues,positive +"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 .",neutral +$NUAN held up well after the big gains! Maybe we're finally on the move on this!!its still very undervalued and has major upside,positive +"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 .",neutral +Officials did not disclose the contract value .,neutral +"London 's leading shares today jumped almost 100 points , or 1.7 % , as the market opened .",positive +"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 .",neutral +"The group 's operating loss was EUR 0.8 mn , down from a profit of EUR 2.5 mn in 2004 .",neutral +The move was triggered by weak demand for forestry equipment and the uncertain market situation .,negative +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 .,neutral +Managing Director Kari Inkinen says that Sponda 's leasing operations developed highly favourably .,positive +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 .,negative +"$TSLA steaming up again, this stock is relentless at the moment",positive +Marathon estimates the value of its remaining stake in Protalix at $ 27 million .,neutral +Whitbread share price climbs on Q4 sales growth,positive +Incap Contract Manufacturing is a subsidiary of Incap Corporation of Finland .,neutral +"Operating profit totaled EUR 37,7 mn , up slightly from EUR 37.2 mn in the corresponding period in 2006 .",positive +"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 .",neutral +"RT @stockdemons think shorting here into close might be play, $SPY - high beta reversing..looks worth a shot",negative +"VDW combined with LXE devices enhances productivity , enabling workers to use a single device to perform voice , scanning and keyboard functions .",positive +"Thus the method will cut working costs , and will fasten the planning and building processes .",positive +Talentum 's net sales in September were smaller than expected .,negative +COPYRIGHT AFX News and AFX Financial News Logo are registered trademarks of AFX News Limited,neutral +$LNKD Daily Phase 2 retest - Price experiencing early rejection. Can it retest? http://stks.co/t04xX,negative +RBS will reportedly appoint Howard Davies as its next chairman,neutral +"Tesco, Asda sales fall as march of the discounters continues-Kantar",negative +`` With this new version it is very important for us to introduce a BIM process that is based on the detailed building information model .,neutral +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 .,neutral +.@barronsonline sees #Apple at $150/share in a year (+36% from today) on growing services business. $AAPL https://t.co/3BDNEKN7l1,positive +Pharmaceutical market in Poland Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Poland .,neutral +Altogether Finnair has canceled over 500 flights because of the strike .,negative +"The employer , together with health personnel , supports quitting and pays part of the cost of nicotine treatments .",neutral +Pretax loss totaled EUR 117mn compared to a loss of EUR 65mn in the corresponding period .,neutral +The order includes 48 ship cranes that will be delivered for 12 container feeders to be built at Wenchong shipyard in China .,neutral +"Copper , lead and nickel also dropped ... HBOS ( HBOS ) plummeted 20 % to 70.3 pence after saying this year+ó ??",neutral +$GOOG Testing the 200 day after some consolidation http://stks.co/h0cPJ,positive +"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 .",neutral +"We succeeded in increasing our market share of sold apartment '' , comments Mr Kari Kauniskangas , Head of YIT International Construction Services .",positive +"Profitability ( EBIT % ) was 13.9 % , compared to 13.1 % in the previous-year period .",positive +"Finnish GeoSentric 's net sales decreased to EUR 939,000 in January-March 2009 .",neutral +"The plant is scheduled for completion in late February 2007 with hand over of some areas in January Two other suppliers of Nokia - Aspocomp Group Oyj and Perlos - have announced their plans to establish plants within the Nokia complex Together , they will invest Rs 365 crore .",neutral +- UPM-Kymmene upgraded to ` in-line ' from ` underperform ' by Goldman Sachs .,positive +Slump in Weir leads FTSE down from record high,negative +"Jan. 6 -- Ford is struggling in the face of slowing truck and SUV sales and a surfeit of up-to-date , gotta-have cars .",neutral +"Royal Mail 'breached competition law' over delivery service changes, Ofcom claims",negative +"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 .",neutral +The Efore plant at Saarijarvi in central Finland is one of the largest employers in the region .,neutral +However short-term rentals are becoming more popular .,neutral +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 .,neutral +Tesco closes in on new chairman with Dixons Carphone's John Allan in the frame,positive +"The device offers multimedia performance along with a host of productivity applications , including live stock prices .",neutral +"Sales climbed 19.2 pct to 1.002 bln eur , surpassing the 953 mln eur consensus figure .",positive +$FB turns back down in early trading.... https://t.co/reuf5PzhBm,negative +"Utah 's capital wanted to be the next U.S. headquarters of Amer Sports Corp. , a ski-equipment company .",neutral +Old Mutual First-Quarter Sales Up 18% Buoyed by Emerging Markets,positive +"The dividend is payable on February 1 , 2010 to shareholders of record on January 19 , 2010 .",neutral +"Sales in Finland decreased by 10.5 % in January , while sales outside Finland dropped by 17 % .",negative +"Furthermore , Bunge will also sign a licensing agreement for the Sunnuntai and Carlshamn Mejeri brands .",positive +"KESKO CORPORATION STOCK EXCHANGE RELEASE 28.02.2008 AT 09.30 1 ( 1 ) Kesko Corporation and Aspo plc today signed an agreement by which Aspo acquires the share capital of Kauko-Telko Ltd , a subsidiary wholly owned by Kesko .",positive +$LULU #Outlook #Q1 2013 #lost revenue in the range of $12 million to $17 million -not good,negative +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 .,neutral +"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 .",neutral +Danish company FLSmidth has acknowledged that it has violated a patent held by Finnish Metso .,neutral +Amanda Capital has investments in 22 private equity funds and in over 200 unquoted companies mainly in Europe .,neutral +"Net interest income was EUR 39.3 mn , up from EUR 32.7 mn .",positive +"Jeder Beta-Tester erh+ñlt kostenlos sechs Monate lang Updates und hat laut eigener Aussage die M+Âglichkeit , die finale Version zu beeinflussen .",neutral +"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 .",neutral +Aviva promises higher dividends to boost flagging share price,positive +"In addition , MIDs are always online and enable full Internet browsing .",neutral +"Fiskars has a strong portfolio of international brands , which include Fiskars , Iittala , Gerber , Silva and Buster .",positive +#Tesla: Model X Recall Adds To Reliability Issues $TSLA https://t.co/jVXQ4DoXnP,negative +The name of the buyer was not disclosed .,neutral +Net sales of the Vegetable Oil Business rose to EUR 10.6 mn from EUR 10.1 mn .,positive +"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 .",neutral +"Following this increase Huhtamaki 's registered share capital is EUR360 .62 m and the number of shares outstanding is 106,063,320 .",neutral +"The three year turn-around program is expected to ensure Salomon 's future competitiveness , the company said .",positive +"In the autumn , it plans to expand service to St. Petersburg and Moscow and launch service to Yekaterinburg , Russia , flying there three times a week .",positive +"The company 's profit totaled Ls 578,100 in H1 2007 , down 30.9 % year-on-year .",negative +The Federal Secretary for Transport and Communication of Mexico has awarded Poyry and its Mexican partner Sintra a consulting contract in connection with the Buenavista-Cuautitlan suburban railway .,positive +FDA approves AstraZeneca drug for advanced lung cancer,positive +The order is included in Metso 's fourth quarter 2007 order backlog .,neutral +Lieksaare Oy has earlier been regarded under the control of Saarelainen Oy and the individual shareholders under the shareholder agreement .,neutral +"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 .",positive +$mcp rolling over for a new intraday low. Bottom Pickers continue to get destroyed,negative +The company has an annual turnover of EUR32 .8 m.,neutral +It has80 branches in Finland with annual revenue in Finland of ?,neutral +"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 .",neutral +WPP boosts sales despite cautious clients,positive +The medium-term operative targets of the company remain unchanged .,neutral +"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",negative +`` Consumers have very well received our packed fresh meat .,positive +The corrected chapter is in its entirety below .,neutral +"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 .",neutral +"TietoEnator itself uses Nokia 's Intellisync Mobile Suite 's wireless email , calendar , and device management capabilities , and the company will now extend these services to its customers .",positive +It will provide heating in the form of hot water for the sawmill 's needs .,neutral +"However , the net sales declined to EUR 803.6 million from EUR 1.2 billion .",negative +"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 .",positive +"$DGI technical alerts: Gilligan's Island Buy Setup, Stochastic Buy Signal, Lizard Bullish, Hammer Candlestick, Wid... http://stks.co/c29Nu",positive +"The record date for dividend distribution is March 14 , 2008 .",neutral +( I&H ) in a move to enhance growth .,positive +"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 .",neutral +"Stockholm , 3 March 2011 About Cybercom The Cybercom Group is a high-tech consultancy that offers global sourcing for end-to-end solutions .",neutral +He said he has been losing five families a month to the economy as many make alternative arrangements to save money .,negative +"MILAN ( AFX ) - The Italian shipping group Grimaldi has increased its stake in the Finnish company Finnlines to 35.4 pct from the 30.5 pct held in June , according to news agency ANSA .",neutral +"Commenting on the deal , Shane Lennon , SVP of Marketing & Product Development at GyPSii said : ?",neutral +"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 .",neutral +"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 .",neutral +"The firm is headquartered in Vantaa , southern Finland and has 16 employees .",neutral +"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 .",neutral +"We are honored to be recognized by Gartner as a specialist in Business Process Modeling and Analysis , in the company of many of the largest software vendors in the world .",positive +"Westpac Banking Corp - Is to issue a benchmark , 3 year FRN deal in Euros .",neutral +"Includes company and brand share data by category , as well as distribution channel data .",neutral +For the new shares subscribed with stock options all shareholder rights commence from the date on which they are entered into the Trade Register .,neutral +$AAPL price momentum weakening going into the close.,negative +Through the acquisition Solteq will expand its solutions offering by Microsoft 's Dynamics business software products .,positive +"The company 's profit totaled Ls 134,700 .",neutral +"LEED is an internationally recognized green building certification system , developed by the U.S. Green Building Council .",neutral +"However , its market share shrank to 47.59 per cent from 48 per cent a year earlier .",negative +TalkTalk hires BAE Systems to investigate cyber attack,negative +Looks like its booking a one way ticket to its 40 week MA near 50. Losing 10 week here $LULU http://chart.ly/7xb9h9b,neutral +"FTSE led lower by M&S, GlaxoSmithKline",negative +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 .,neutral +Full-year operating result for 2008 was 3.6 million negative .,negative +"The company said production volumes so far indicate the circuit is capable of the targeted output rate of 60,000 tonnes per day , or 22 million tonnes a year .",neutral +"Jun. 25 , 2008 ( Boy Genius Report delivered by Newstex ) -- The Nokia ( NYSE : NOK ) N78 , huh ?",neutral +"`` We have come out with a decision which is based on our preliminary economic , operational and environmental findings , '' Karvinen said .",neutral +"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. .",neutral +"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 .",neutral +"Established in 1987 , the SRV Group is a private Finnish construction concern with operations in Finland , the Baltic countries and Russia .",neutral +The business section also includes Ahlstrom 's sustainability report .,neutral +"+£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 .",neutral +Jacobs has been supporting Storengy 's investment of developing storage sites since 2006 as owner 's engineer .,neutral +"The company had earlier said that it was considering different strategic options for the struggling low-cost mobile operator , including a divestment of its holding .",neutral +"Sainsbury's, Asda, Tesco and Morrisons will all cut petrol prices as oil falls ...",negative +Barclays sells benchmark indices unit to Bloomberg,positive +Operating profit in the fourth quarter fell to EUR33m from EUR39m a year earlier .,neutral +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 .,neutral +"ISMS does not disclose its financial results , the daily said .",neutral +"The contract covers the manufacturing , surface-treatment and installation of the steel structures .",neutral +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 .,positive +"Under the deal , Know IT will pay SEK90m ( USD12 .8 m-EUR8 .6 m ) in cash and stock .",neutral +"For the first nine months of 2010 , the company 's net profit rose to EUR41m from EUR30m for the corresponding period of 2009 .",positive +"$AAPL 50DMA turned up, MACD crossover a half-a-hair away on the weekly. EOD break out likely.",positive +Protalix has $ 42 million in cash and no sales .,neutral +That bearish outside day Tuesday is significant. 200 day resistance still intact. just my opinion $SDS http://chart.ly/2bey48t,negative +All rights reserved .,neutral +"It will be operated by Nokia , and supported by its Nokia NetAct network and service management system .",neutral +"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 .",positive +Shire Sees Baxalta Deal Closing as Expected After New Rules,positive +Sainsbury CFO Rogers to Replace Home Retail CEO Walden,neutral +"Marathon now has a 4.6 percent stake in PLX , it said , according to Bloomberg .",neutral +"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 .",neutral +Sanoma News ' advertising sales decreased by 22 % during the year .,negative +Pharmaceutical market in Czech Republic Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Czech Republic .,neutral +"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 .",neutral +Cash Flow from Operations for the most recent quarter also reached a eight year low .,neutral +"TietoEnator was down 1.13 pct to 18.38 , extending recent lows after last week 's second-quarter report , dealers said .",negative +The maritime administration said the ships had ignored warnings about the icy conditions .,negative +Synergy Pharma Soars 67% Today On Positive Phase 3 Results $SGYP http://stks.co/j2awg,positive +Operating profit rose to EUR 1.6 mn from EUR 1.1 mn in the corresponding period in 2006 .,positive +"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 .",negative +"$VRTX Vertex. Monthly -lower hi/lower lo, Long term uptrend intract so far",positive +Financial details were not disclosed .,neutral +"These include software development for internet and mobile telephone content , communications , value-added software , financial services , security applications , systems integration and electronics , '' EBRD informed .",neutral +"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 .",neutral +Should You Follow Berkshire Hathaway Into Apple Stock?,neutral +The total amount of subscription prices was recorded in the fund for invested non-restricted equity .,neutral +"$TSLA 5th wave down on the 1 hour chart, hammer candle developing, close to 200 sma, might be a good spot for calls",positive +"Strongest growth was seen in the new markets in Russia , the Czech Republic , and Slovakia .",positive +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 .,neutral +"Amer , which bought Salomon from adidas in October , said the job cuts are aimed at boosting competitiveness .",neutral +"Acando AB ( ACANB SS ) fell 8.9 percent to 13.35 kronor , the lowest close since Dec. 11 .",negative +"With the measures , Suominen Corporation aims to ensure the competitiveness of the Flexible Packaging business in the long term .",positive +"@IfHeDiesHeDies: @Bullhorn334: $ZNGA shorts are getting nervous""""",positive +The financial statements release will be available after publishing on the Company 's internet pages at www.cargotec.com .,neutral +"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",neutral +"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 .",negative +"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 .",neutral +"( 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",neutral +"A maximum of 666,104 new shares can further be subscribed for by exercising B options under the 2004 stock option plan .",neutral +It inspects the companys strategic strengths and weaknesses .,neutral +No planned closing date was provided .,neutral +"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 .",neutral +The implementation of the deal is subject to the approval by the Finnish Competition Authority .,neutral +"Microsoft also churned up its courtship , agreeing to use the Navteq mapping service , which is offered by a company Nokia bought for $ 8.1 billion a few years ago .",positive +The GeoSolutions team further provides an intriguing new technology combining GPS and Mobile-based technologies together with Internet-based social networking .,neutral +"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 .",neutral +Pharmaceuticals - Poland This brand-new market analysis gives a clear overview of the actual situation and future outlook of the pharmaceutical market in Poland .,neutral +"Trading in the new shares , which have right to dividends and other distributions of funds , will start on the exchange in Helsinki tomorrow .",neutral +The dual-fuel engines of the vessel can operate on liquefied natural gas LNG with low emissions .,neutral +"- Among other Finnish shares traded in the US , Stora Enso closed 0.33 pct lower at 12.11 eur , UPM-Kymmene was up 0.28 pct at 18.10 eur , and Metso was down 0.13 pct at 31.06 eur .",neutral +"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 .",neutral +"The change in holdings in accordance with Chapter 2 , Section 9 of the Finnish Securities Markets Act is described below .",neutral +"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 .",positive +The cranes would be installed onboard two freighters ordered by Singaporean ship owner Masterbulk .,neutral +The business to be divested generates consolidated net sales of EUR 60 million annually and currently has some 640 employees .,neutral +"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 .",neutral +"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 % .",neutral +"In addition , a further 29 employees can be laid off until further notice and the whole workforce can be laid off for short periods if needed .",neutral +@chessNwine: $IWM 30-Minute Chart. Small caps threatening descending triangle breakdown under $110.20. http://stks.co/r0KKm,negative +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 .,neutral +"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 .",neutral +The total need for staff cuts corresponds to about 300 man-years .,negative +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 .,positive +CompaniesFresnillo shares jump 8% as silver price breaks $21,positive +Bluewin Security is available as a monthly subscription .,neutral +"Operating profit was EUR 11.4 mn , up from EUR 7.5 mn .",positive +Finnish Raisio ( Diagnostics ) is launching new DNA-based quick tests to ensure the safety of food .,positive +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 .,neutral +"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 .",positive +The chain is to unite 45-50 centres by the end of 2008 .,neutral +"The important thing now is to keep the bank 's existing 15,000 customers .",neutral +The prices of stainless steel also rose in Europe .,neutral +"In Sweden , Gallerix accumulated SEK denominated sales were down 1 % and EUR denominated sales were up 11 % .",neutral +$ISRG - ISRG Short - http://stks.co/f1vVU http://stks.co/c1qrm,negative +$DARA breaking out,positive +"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 .",neutral +$AAPL I'm sure those short are holding their breath hoping for a miracle. lol,positive +`` Management decided at the end of 2005 to increase cathode copper capacity .,neutral +Image data produced by the browser at the phone server is converted into a bitmapped image that is sent to the handset for display . '',neutral +Shire says internal synergy goals from Baxalta deal higher,positive +One of the largest projects of the magazine division of SanomaWSOY - Sanoma Magazines International in 2006 became launch of the Russian magazine Gloriya .,neutral +Finnish airline Finnair is starting the temporary layoffs of cabin crews in February 2010 .,neutral +The sellers were the founders of the company .,neutral +"Foodservice and consumer goods markets are served by approximately 13,000 people in 54 manufacturing units and several sales offices in 33 countries .",neutral +"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 .",neutral +$GNRC finding support at its 10-day line so far.,positive +"Under the transaction agreement , Metsaliitto will purchase 24.7 % of Metsa-Botnia 's shares from UPM and 3 % from M-real .",neutral +"Britain's FTSE falls back with Ashtead, commodities under pressure",negative +Sales by Seppala diminished by 6 per cent .,neutral +$BBRY bye bye Sammy. Hello BB. Sounds like we'll see some green tomorrow.,positive +"As capacity was cut with 1.4 % , the passenger load factor was down 7.8 percentage points .",negative +"Rockwell Collins is a provider of flight deck , cabin and information management solutions for business aircraft operators .",neutral +"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 .",neutral +$NFLX VISION : short term consolidation then movement higher http://stks.co/j05uu,positive +"Theodosopoulos said Tellabs could be of value to Nokia Siemens or Nortel given its `` leading supply status '' with Verizon , along with high-growth products .",positive +"In his current position , Manty has worked since 1996 .",neutral +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 .,positive +Analyst Views: Astrazeneca shares have seen recent volatility; what will 2015 ...,negative +Earnings per share ( EPS ) dropped to EUR 0.21 from EUR 0.31 .,neutral +"`` After the transaction , Tikkurila has no powder coatings-related operations , '' the company said .",neutral +"Are ARM Holdings plc, Domino's Pizza Group plc and ASOS plc 3 must-have growth stocks?",neutral +"Pearl Plaza LLC , the joint venture of SRV and Shanghai Industrial Investment Holdings Co Ltd , has concluded the investment decision on construction of the first phase of the shopping center in Saint Petersburg , Russia .",positive +The measures result from decreased demand in technical design and product information .,neutral +"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 .",positive +"Key price to watch in $NFLX, off the previous double top reject, 218.23 http://stks.co/sIYn",negative +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 .,neutral +City spirits sink after Diageo comes up short with sales slide,negative +Operating loss increased to EUR 17mn from a loss of EUR 10.8 mn in 2005 .,neutral +"ALEXANDRIA , Va. , June 7 -- Michael G. Williams of Newbury Park , Calif. , has developed a network device .",neutral +Olvi has posted a strong set of figures for the first six months of this year .,positive +StanChart and RBS struggle in Bank of England stress tests,negative +"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 .",positive +"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 .",negative +"GlaxoSmithKline targets growth across units, scraps ViiV IPO",positive +BHP Billiton share price: Brazil to sue Samarco for £3.5bn,negative +"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 .",neutral +Revenue in the quarter fell 8 percent to ( EURO ) 2.4 billion compared to a year earlier .,neutral +"After the split , the company would have 26,885,540 Series A shares and 9,540,000 Series K shares .",neutral +"A. Le Coq Special was developed for the bicentenary of the company and the trade mark , the brewer said .",neutral +ArcelorMittal Chief Executive Officer Lakshmi Mittal has already cut output at some furnaces .,neutral +Operating profit fell to EUR 15.1 mn from EUR 24.6 mn in 2006 .,neutral +The bridge is part of the highway 14 development project .,neutral +"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 .",positive +"( 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. .",negative +Metso Foundries Jyvaskyla Oy will discontinue production on this line by 30 September 2008 .,neutral +The sale price was not disclosed .,neutral +"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 .",positive +"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 .",neutral +"Antti Orkola , president of Kemira GrowHow 's Industrial Solutions unit , told Thomson Financial News the company has put off opening the mine as prices of phosphate have been ` quite depressed for a long time ' . '",negative +You 're not alone .,neutral +"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 .",negative +"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 .",neutral +The acquisition of +àlandsbanken Sverige in 2009 burdened the performance with EUR 3.0 mn .,neutral +It is the first application in the market for invoice and purchase requisition approval with a mobile device .,neutral +"A Helsinki : ELIiV today reported EPS of EUR1 .13 for 2009 , an increase over EPS of EUR1 .12 in 2008 .",positive +EasyJet Dismisses Lufthansa Low-Cost Plan in Contest for Germany,negative +Orders received grew by 55 % year-on-year to EUR732m .,positive +"In January-August 2009 , imports by sea in container , lorry , and trailer units fell by 27.7 % and exports by 28.6 % from the corresponding period in 2008 .",negative +"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 .",positive +"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",neutral +"Finnish-owned contract manufacturer of electronics Elcoteq Hungary Kft has announced plans to recruit more than 650 new staffers to fulfill new orders in P+®cs , where the company has two plants .",positive +"At 12.59 pm , the OMX Helsinki 25 index was 0.32 pct lower at 2,694.81 .",neutral +"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 .",positive +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 .,negative +"Revenue was slightly down , at x20ac 495 million $ 634 million , compared to x20ac 497 million a year earlier .",neutral +"RT @Dasan @TMTanalyst ...since $AAPL mastered their supply chain // in cornering NAND, Apple mastered EVERYONE'S supply chain!",positive +Poyry 's net sales in 2007 amounted to about EUR 720 million and it employs 7400 experts .,neutral +The adjustments concern staff in both the Specialty Papers and the Fiber Composites segments .,neutral +"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 .",neutral +"#Apple breaks major support, here are some levels to watch - http://stks.co/jRmW $AAPL $QQQ",negative +Royal Mail chairman Donald Brydon set to step down,negative +It also confirmed its earnings guidance for the whole 2009 issued in its report for the whole 2008 .,neutral +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 .,neutral +"DBS, Julius Baer emerge as potential bidders for Barclays Asia wealth unit ...",positive +The fair value of investment properties was EUR 2 251.0 ( 1 281.4 ) million .,neutral +"CompaniesTravis Perkins lifts dividend, earnings rise 15%",positive +"Okmetic 's products are based on high-tech expertise that generates added value for customers , innovative product development and an extremely efficient production process .",positive +"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 .",neutral +"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 .",neutral +"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 .",neutral +"In 2006 the company 's net sales amounted to approximately EUR259m and it has some 8,000 employees .",neutral +New Novator products are supposed to be exported .,neutral +Elcoteq has a global network of After Market Service sites which have a long experience in serving Consumer Electronics and Systems Solutions customers .,neutral +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 .,neutral +$SAVE breaking it's downtrend line on increasing volume. A move above 20.57 could see more upside. http://stks.co/l8y4,positive +"The official opening of the office , located in Prague , will be celebrated on May 20 .",neutral +Apple: Another attempt to break out on Apple but with weak PVT $AAPL #Trading #investing #aapl https://t.co/DNh7Hgv22V,positive +It also turned to earnings per share ( EPS ) of EUR 0.08 versus loss per share of EUR 0.04 .,positive +Completion of the transaction is subject to a final agreement and a Due Diligence process .,neutral +Morrisons finance chief to fill gap as CEO leaves early,negative +"Earnings per share ( EPS ) amounted to EUR0 .98 , up from the loss of EUR0 .02 .",positive +Tiimari operates 194 stores in six countries -- including its core Finnish market -- and generated a turnover of 76.5 mln eur in 2005 .,neutral +"Changes being announced today will be effective after the close of trading on Friday , June 19 , 2009 .",neutral +"According to Chairman Michael Hornborg , the organizations has merely criticised Raisio 's weak performance .",neutral +BAE Systems's sales boosted by European Typhoon and currencies,positive +"Honkarakenne also decided yesterday to sell 88,500 of its B series shares to key staff members for EUR2 .9 per share .",neutral +To raise consumer awareness and encourage people to recycle their old mobile devices Nokia runs regular recycling campaigns around the world .,neutral +"In the Baltics , the merger of the businesses of the two is expected to be completed in early 2008 .",neutral +"Tieto was looking for an energy solution which would best support the idea of sustainable development , and we were happy to be able to provide such a solution , saysJouni Haikarainen , Vice President , Fortum .",positive +Expense ratio was 102.6 % compared to 92.9 % in the corresponding period in 2005 .,neutral +"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 .",neutral +"@HopeTurock yes, the expectations of a deal are somewhat priced in but we could see a nice pop if bids come in higher than expected... $YHOO",positive +$AAPL Dips being bought up real quick. Higher lows fo sho,positive +Operating profit for continuing operations fell to EUR 48.3 mn from EUR 72.4 mn in the first half of 2007 .,neutral +"BasWare 's CEO Ilkka Sihvo comments in conjunction with the Interim Report : `` As a whole , BasWare succeeded well in the second quarter of 2007 .",positive +"s NASDAQ OMX : GEO1V , GyPSii business unit , developers of the award-winning GyPSii mobile social networking application , today announced its availability as a free download via the Samsung Mobile Applications Store .",neutral +"`` 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 .",neutral +"Compared with the FTSE 100 index , which rose 94.9 points ( or 1.6 % ) on the day , this was a relative price change of -0.4 % .",negative +Why Alphabet Inc was just upgraded to buy https://t.co/dEVnLKhqtZ $GOOGL,positive +All of Raisio 's divisions recorded an operating profit .,positive +The announcement comes two weeks before a key licensing agreement expires between between the two companies which are embroiled in a disagreement over royalty payments for Texas Instrument chips which use Qualcomm-patented technology .,neutral +"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 .",neutral +The forecast for 2012 is 3.3 % .,neutral +The hull of the vessel was built one block at a time and Ruukki delivered the plate material for each block as construction progressed .,neutral +Operating profit was EUR 1.6 mn in 2005 compared to EUR 5.9 mn in 2004 .,negative +"The reason for this is St. Petersburg status as a capital , one of the participants in the meeting quoted Chikunov as saying .",neutral +Upon completion of the sale Proha would get some USD12 .7 m for its stake in Artemis .,neutral +"Buffett's Berkshire builds Deere stake, dumps Exxon",positive +Last year 's net sales rose to EUR 68.3 million from EUR 62.2 million .,positive +"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 .",positive +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 .,neutral +$MXWL Oh snap. Just went long again. LT,positive +Operating profit decreased to EUR 11.2 mn from EUR 16.6 mn .,negative +"Panostaja , headquartered in Tampere , Finland , is an investment company focusing on small and medium-sized Finnish companies operating in the traditional industries .",neutral +"The corresponding increase in the share capital , in total EUR 300,00 was registered in the Finnish Trade Register on May 8 , 2008 .",neutral +"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 .",neutral +The dismissed staff members will now take the matter to court unless it can be settled outside .,neutral +"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 .",neutral +`` We know there are some of our own people out there . '',neutral +"The metal has gained 41 percent this year as demand from China , the world 's largest user , increased .",positive +This is a much better process than using virgin paper as it requires less transportation of wood pulp from places like Finland and Canada .,positive +"Revenue was slightly down , at x20ac 495 million $ 634 million , compared to x20ac 497 million a year earlier .",negative +Followed the levels I shared with you on $NFLX $GOOGL $TSLA calls for nice gains. Still holding $FB 110 calls. Week made in a morning.,positive +The company will enhance the GPRS capability in the existing 12 IDEA telecom service areas and add 10 more service areas to its network .,positive +"With the new arrangement , customer responsibilities will become mainly regional .",neutral +"The sale will result in a capital loss of EUR5m for Solidium , which obtained Tikkurila shares in March 2010 .",neutral +"The study evaluated the safety , tolerability and pharmacokinetics of repeated doses of intravenously administered antibody in 26 patients with active plaque psoriasis .",neutral +"Following the registration , the number of issued and outstanding shares of Basware is 12,890,829 .",neutral +"In the second quarter of 2010 , the group 's pretax loss narrowed to EUR 400,000 from EUR 600,000 .",positive +"The Finland-based company says it will move into an existing 260,000-square-foot facility in September .",neutral +"The company is now withdrawing the second part , EUR 7.2 mn , of the investment commitment .",neutral +"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 .",neutral +Here come the shorts marchin' in. $GMCR. Lovin' it!,negative +Grapevine city officials in September approved $ 35 million in tax rebates and grants for the expansion .,positive +Sponda plans to renovate old real estate and develop new property .,neutral +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 .,neutral +"AUSTIN , Texas , Sept. 6 -- Texas Department Of Transportation awards contract for Teleste Video Compression and Distribution Equipment .",positive +The transaction value is CAD 15 million approximately EUR 10 million .,neutral +"With the extension of the new contract for a further eight engines , the plant will now produce over 100 MW , it said .",positive +Stora Enso will receive a 19.9 pct equity interest in the combined company .,neutral +"Beef imports fell slightly from 2006 , to 14mn kilos .",neutral +"We serve a broad range of customers , including construction and process industries , shipyards , the public sector and households .",neutral +"$KNDI Let's see some higher highs and higher lows rest of the day , slow and steady",positive +"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 .",neutral +"Then , it said the contract was estimated to contribute more than EUR150m to its net sales in 2010 .",positive +No financial details were reported .,neutral +Balfour Beatty plc Set To Reinstate Dividend (And Rival National Grid plc And Centrica PLC Once More?),positive +"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 .",positive +Finnish power company Fortum reports 89 % of its electricity was generated without carbon dioxide emissions in 2007 .,neutral +"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 .",positive +"`` The change will optimize the operational efficiencies of our growing business , '' said Julia Prohaska , director of marketing communications for Fiskars .",positive +"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 .",neutral +`` The additional flight linking Mumbai with Helsinki was dictated by the strong traffic demand between Asia and Europe .,positive +"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 .",neutral +"HELSINKI ( Thomson Financial ) - M-real said it will exercise an option to buy a 50MW natural gas power plant and land in Kyroskoski , Finland , for around 13 mln eur from Kyro Oyj .",positive +Incap Contract Manufacturing Services Private Limited has inked agreements with six new customers in India .,positive +Glencore fight back over debt fears lifts shares,positive +$FB slight green... May be runner later,positive +Teleste has some 30 offices worldwide and is listed on the Nordic Exchange in Helsinki .,neutral +"Alma Media 's operating profit amounted to EUR 11.9 mn , down from EUR 15.0 mn a year earlier .",neutral +"With this , the company will exit the contract manufacturing service segment .",neutral +Suomen Paikallissanomat Oy is part of Alma Media Group and it currently publishes 15 local newspapers across Finland .,neutral +The company negotiated an amendment to the financial covenants of the present credit agreements in regard to the situation on 30 September 2010 .,neutral +"Paychex has more than 100 offices serving approximately 554,000 payroll clients nationwide as of May 31 , 2009 .",neutral +Net sales have been eaten by the weak US dollar .,negative +"( 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 .",neutral +Finnish forest machinery manufacturer Ponsse has issued a profit warning .,negative +Filmiteollisuus Fine Ab will be transferred to Talentum Oyj in the form of a subsidiary .,neutral +Olli-Pekka Laine has been appointed as the Chairman and Erkki Pehu-Lehtonen as the Vice Chairman of the Board .,neutral +Affecto has participated in the program for the development of the Norwegian pension system since 2007 .,neutral +It estimates the operating profit to further improve from the third quarter .,positive +"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 .",neutral +Tesco sales recover as focus returns to core business,positive +"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 .",neutral +The production is to be liquidated before June 2009 and 325 employees loose their jobs .,neutral +Danske Bank is Denmark 's largest bank with 3.5 million customers .,neutral +"Protalix closed at $ 10.71 on Friday on the American Stock Exchange , giving a market cap of $ 827 million .",neutral +Net sales decreased to EUR 91.6 mn from EUR 109mn in the corresponding period in 2005 .,negative +"The most interesting export markets will be Russia , the Baltic countries and Scandinavia .",neutral +The actions are expected to deliver annual cost savings of some EUR15-20m .,positive +"Nordea Bank AB publ holds 6.000 Alma Media shares , representing 0.008 % of share capital and voting rights .",neutral +Eli Lilly & Co. (LLY) Has Broken Out To A New High On AstraZeneca Collaboration,positive +"The chilled meat products category led the meat , fish and poultry market in Finland , accounting for a share of 31.4 % .",neutral +"- 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 .",neutral +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,neutral +Net sales of the Lehdentekijat unit was approximately EUR 14 million in 2007 and it had 70 employees .,neutral +$LSCC Accumulation chart continues to make new highs showing accumulation continuing to take place http://stks.co/aDpO,positive +"The business area has operations in Finland , Sweden , Denmark , Estonia , Latvia and Lithuania .",neutral +Sports equipment sales also progressed well owing to the prolonged winter season .,positive +"Also , Westpac is to issue a benchmark , 18 month FRN deal in Euros .",neutral +"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 .",neutral +pretty steady accumulation off support today. Purdy. $AGU,positive +`` Serving customers locally is one of the cornerstones of customer focus for us .,neutral +"`` We cut our frequency to New York last year , which explains the fall , '' he said .",negative +"$HSC Receives 7-Year, $50M Contract at New Saudi Arabian Steel Mill",positive +Operating result including non-recurring items rose to EUR 146mn from a loss of EUR 267mn in 2009 .,positive +"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 .",positive +Around 250 of these reductions will be implemented through pension arrangements .,neutral +Sainsbury's says to outperform rivals in tough market,positive +Finnish Outokumpu Technology has been awarded several new grinding technology contracts .,positive +Starbucks' Digital Strategy To Drive Significant Growth With Customer Loyalty $SBUX https://t.co/Xk6lZ3UI3K,positive +Margin call of Zanadvorov has given the chance to make such purchase under the credit of Deutsche Bank for USD 560 million .,neutral +The soapstone deposits in the Medvezhyegorsk area are expected to increase Tulikivi 's current reserves considerably .,positive +"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 .",neutral +Hargreaves Lansdown share price falls as costs mount - although pensions ...,negative +"PRESS: Serco Set To Appoint Roy Gardner, Ex-Centrica, As Chairman - FT",positive +InterContinental Hotels Denies Reports of Starwood Merger Talks,neutral +Commencing the construction works of Pearl Plaza is a significant step in our Russian projects .,positive +"With this acquisition the wireless modem unit and its approximately 1,100 employees were transferred to Renesas Electronics Corporation .",neutral +`` The announced investment of the carmaker Hyundai for example sounds optimistically for us as of course new cars mean new tires . '',positive +"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 .",positive +$YMI http://stks.co/Xyf Long setup. Closed above the 20MA. MACD cross. November catalyst.,positive +"UPDATE 3-BP settles oil spill-related claims with Halliburton, Transocean",negative +"The contracts awarded to date , in connection with the system , amount to a total EUR 36 million .",neutral +"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 .",neutral +The Coca-Cola Company and Coca-Cola FEMSA to Acquire AdeS Soy-Based Beverage Business From Unilever,positive +"We are honored to be acknowledged for our commitment to the industry , especially in Asia Pacific . ''",positive +"An of the invention , released by the Patent Office , said : `` The chambers are pressurized .",neutral +"In the Baltic countries , sales fell by 42.6 % .",neutral +"However , sales volumes in the food industry are expected to remain at relatively good levels in Finland and in Scandinavia , Atria said .",positive +"The mill 's raw material need will increase by 100,000 m3 of wood .",neutral +"Outotec , headquartered in Espoo , Finland , is a leading provider of process solutions , technologies and services for the mining and metallurgical industries .",neutral +"The one dark spot on the horizon , however , was the company 's performance in the Finnish bottled water market .",neutral +Current holdings via options - Long: $AAPL $V $GS $AET & Short: $VXX,positive +"The process , technology , project management , basic engineering and quality assurance within Forest Industry will be consolidated in Vantaa , southern Finland .",neutral +$PCLN runs into the 50sma on the acquisition news,positive +"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 .",positive +Nokia was up 0.12 pct to 16.70 eur after kicking off the morning in negative territory .,positive +$TZA is a rocket ship!!!,positive +"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 .",positive +Industry Investment is very interested in Glaston 's solar energy projects .,positive +The winner does not have to be present to win .,neutral +Scanfil will execute the temporary lay-offs by mid-October 2009 and the job cuts by March 2010 .,negative +"Furthermore , our fully electrically driven cranes are environmentally friendly .",positive +Finnish-Swedish TietoEnator is expanding its business quickly in Russia .,positive +It is estimated that the consolidated turnover of Kausta Guder will reach Lt 53mn US$ 22.53 mn EUR 15.35 mn in 2007 .,neutral +Added more $BBBY @jimcramer is wrong about this one. Still a very profitable merchant with profitable stores,positive +"Rinkuskiai 's beer sales fell by 6.5 per cent to 4.16 million litres , while Kauno Alus ' beer sales jumped by 6.9 per cent to 2.48 million litres .",neutral +"INTERNET BUSINESS NEWS - -® 1995-2006 M2 COMMUNICATIONS LTD As part of a drive to protect users of its Internet banking service , Barclays Bank has announced that it is to recommend F-Secure Internet Security to its customers .",neutral +Halonen 's office acknowledged receiving the letter but declined comment .,neutral +"Boomeranger Boats Oy specialises in boat building and designs , manufactures and sells customised Rigid Inflatable Boats RIB primarily for the Baltic Sea market .",neutral +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 .,positive +"`` We reached agreement with the union that flights will continue as normal , '' Finnair spokesman Usko Maatta said .",positive +$OSUR up 33% since 6/25 buy signal. resistance 5.33 - expect 1. pullback 2nd half of day or 2. break abov 5.33 & continue rally for 4-5 days,positive +"The company had net sales of EUR 10.8 million in 2008 , and today has approximately 120 employees in Finland , Estonia and Poland .",neutral +"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 .",positive +The combined capital of these funds is expected to be EUR 100mn-150mn .,neutral +"The total headcount reduction will be 50 persons , the company said .",negative +The aim is to develop open-source application solutions .,neutral +The net sales of the whole fiscal year 2008 will be lower than in 2007 and operating profit is estimated to be negative .,negative +"The contract consists of a new building with an area of 18,000 sq m and renovation of the existing buildings .",neutral +Retailers Kingfisher and Sports Direct rise in Britain's share index,positive +Persimmon share price climbs on 23% rise in full-year revenue,positive +"To check them out or to make a bid they will be in the Deka Showroom , Fortitude Valley .",neutral +"The new facility , to be known as Technopolis Pulkovo , will introduce to the Russian market an entirely new concept of creating , operating and growing a commercially-funded science and technology park to support the growth of knowledge-intensive companies .",neutral +Tesco's Sales Pickup Isn't Enough,negative +$TRIP maintains Neutral rating at JP Morgan- PT cut $61 from $66,neutral +"The poorest index figure was given to Finnish power company Fortum , 4.5 .",negative +The extracted filtrates are very high in clarity while the dried filter cakes meet required transport moisture limits (TMLs)for their ore grades .,neutral +"` This order is included in Wartsila 's order book in the second quarter , ' the company added .",neutral +The company also said that the deployment of the Danish 4G network continues and it expects to cover 75 % of the Danish population in 2011 .,neutral +"The disposal of Autotank will also strengthen Aspo 's capital structure , '' commented Gustav Nyberg , CEO of Aspo .",positive +"Micron Technology Inc #NASDAQ: $MU down 2.3% today and down 8.9% since being put on ""The Short"" https://t.co/EQQLTfUiOU",negative +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 .,neutral +"`` I 'm pleased to receive the Nomination Committee 's request and confidence , '' says Jon Risfelt .",positive +"$AAPL Stock Climbs as Barron's Sees 40% Upside, Jim Cramer's Take https://t.co/lKlD9mVKBQ",positive +"The company also said on November 16 , 2006 its Real Estate Fund I Ky signed an agreement with Finnish window maker Fenestra Oy to build a window plant in Forssa , southern Finland .",positive +"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 .",positive +ITV to pursue takeover of Canada's Entertainment One: Bloomberg,positive +"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 .",neutral +"Depending on the market situation , such projects are sold after 1 to 3 years after completion .",neutral +AstraZeneca weighing up Acerta bid to secure blood cancer drug,positive +$HRL ready to pop! http://stks.co/s0Ny4,positive +News FeedFTSE 100 movers: LSE surges as ICE says mulling offer; Ashtead and Barclays tank,positive +Elcoteq SE is Europe 's largest contract electronics maker and has set up a unit in Bangalore in association with Avista Advisory of Mumbai .,neutral +"Sales VAT inclusive expanded by 19 percent , to 351 million euros .",positive +Operating profit increased by 145.1 % to EUR 8.3 mn from EUR 3.4 mn .,positive +"ALEXANDRIA , Va. , Dec. 19 -- United States Patent no. 7,853,620 , issued on Dec. 14 , was assigned to Nokia Corp. ( Espoo , Finland ) .",neutral +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,neutral +$AMRN It's accumulating. I think buy now or hold your peace. This should go up today/tomorrow.,positive +Operating profit rose to EUR 3.11 mn from EUR 1.22 mn in the corresponding period in 2009 .,positive +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 .,positive +"( 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",neutral +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 .,neutral +"The currency effect had a 3.0 pct , or 20 mln euro ( $ 31.3 mln ) , negative impact on the revenue .",negative +"Only L+ñnnen Tehtaat showed a loss , but it has only recently started streamlining measures .",neutral +18:30 Dinner The conference program can also be viewed as a live audio webcast through the internet pages at www.citycon.com .,neutral +Operating profit margin increased from 11.2 % to 11.7 % .,positive +"Operating profit totalled EUR 1.22 mn , down from EUR 3.56 mn in the first quarter of 2008 .",negative +"Founded in 1985 , Quatrocon 's clientele consists of public sector builders , central trading companies and major construction firms .",neutral +"$RUSS Don't catch falling knives, but I think an entry is coming soon on this",positive +"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 .",neutral +"Russian officials inspected the damage and gave the vessel permission to continue to Tallinn at around 4.30 a.m. The Norwegian-registered M-T Sten Nordic was carrying 11,000 tons of gas oil and was manned by a Filipino crew .",neutral +The maritime administration said the ships had ignored warnings about the icy conditions .,neutral +"$WFM Bought a little yesterday, hoping for an earnings pop.",positive +"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 ) .",positive +Odell has not contacted the State of Finland in this issue .,neutral +Borealis Infrastructure putting together new Severn Trent bid,positive +"This order , when delivered , will bring the total output of electricity in Italy generated by Wartsila equipment to more than 1,300 MW .",neutral +"Cooper SH , the UK distributor for lift equipment manufacturer Konecranes , won the five-year deal which involves low maintenance and fuel saving technologies .",positive +"Under a preliminary estimation , the technology park will measure about 50,000 square meters .",neutral +The company plans to spend the proceeds from the rights offering for strengthening its balance sheet .,neutral +"Earnings per share ( EPS ) in the first half of 2007 amounted to EUR0 .29 , down from EUR0 .40 year ago .",neutral +"$RXII Tang really is toxic, they keep bringing the share price down. At least they could let it climb a little before dragging it down.",negative +"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 .",neutral +"Amer Sports divests an industrial site in Rumilly , France - This announcement is distributed by Thomson Reuters on behalf of Thomson Reuters clients .",neutral +"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 .",neutral +"RT FITZSTOCK2004: $IYT http://stks.co/1NBF the Transports always lead the way, and they broke DT line 1st, MACD cross, bull flag=",positive +"EBIT excluding non-recurring items , totalled EUR 67.8 mn , up from EUR 38.1 mn .",positive +The diesel margin has remained high .,positive +Operating loss totaled EUR 0.3 mn compared to a profit of EUR 2.2 mn in the corresponding period in 2007 .,negative +"FTSE rallies off three-month low, boosted by StanChart, Sainsbury",positive +"The growth in the activeness of Talentum 's customers , which started at the end of 2009 , continued during the reporting period , the company stated .",positive +The maximum number of new shares to be offered is 22 million .,neutral +"Marimekko makes all sorts of colorful little impulse buys `` umbrellas , baby bibs , change purses `` and they 're all for sale , the better to take advantage of shoppers who ca n't commit to furniture but want a piece of the action .",neutral +"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 .",neutral +"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 .",positive +"The guidance has been set at 90 basis points over mid-swaps , the report said .",neutral +"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 .",neutral +"It's a bad idea to make 5 min predictions based on faith: RT @dandyduct $AAPL Sell signal hit at 584, it will go down for the next 5 min",negative +The contracts comprise turnkey orders for RoRo systems for two RoRo-cruise vessels under construction for Viking Line and Tallink .,neutral +"$ENDP exit reversal .11 X 3K shares = $330 - now Long - not getting follow through, either side of price action",positive +ITV share price jumps on report of Comcast's NBCUniversal bidding to takeover ...,positive +"ASPO Plc STOCK EXCHANGE ANNOUNCEMENT May 4 , 2006 at 10:00 a.m. An increase in the share capital of Aspo Plc totaling EUR 1,125.60 was registered today .",positive +The four-year contract between the bank and Ski Sport Finland will bring the bank 's advertisements to skiers helmets and caps .,neutral +"According to Finnish Scanfil 's founder and chairman of the board , Jorma J. Takanen , the company has to look for growth abroad .",neutral +"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 .",neutral +"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 .",neutral +We have made long-term investments in developing the system 's implementation model .,neutral +"Comptel , a vendor of dynamic Operations Support System ( OSS ) software , has been selected by Orascom Telecom ( OTH ) as partner for provisioning and activation solutions for mobile services .",positive +$AAPL I am big OUT from this. seems its falling towards 530.. :(,negative +"The NTSB said investigators are set to conduct sight distance tests on July 18 , using trains similar to those involved in the accident .",neutral +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 .,positive +"Return on investment was 5.0 % , compared to a negative 4.1 % in 2009 .",positive +"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 .",neutral +The contract will take effect in 2009 for a five or ten year period .,neutral +"Simultaneously , his responsibility area is extended from legal affairs to cover also mergers and acquisitions .",neutral +Peer Peugeot fell 0.81 pct as its sales rose only 6.3 pct from the same period last year .,neutral +Three students from Universiti Sains Malaysia have won a study trip to Helsinki .,neutral +"Finnish property investment company Citycon will expand and refurbish +àkersberga shopping center in Stockholm , in Sweden .",neutral +5 Best Analyst Rated Stocks in Last 72hrs: $ORCL $AAPL $CBS $INO $CPXX View all ratings here: https://t.co/IRID6zd5gc,positive +"UPDATE: Persimmon Profit Up Strongly, Outlook Positive",positive +Total two offers were received by Contracting Authority for participating in this contract ; however the contract was allotted to Affecto Finland Oy .,neutral +"While I cant understand what theyre saying , its impressive to watch him hit that ball at those speeds .",neutral +"RPT-Old Mutual Q1 gross sales beat forecasts, up 18 pct",positive +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 .,neutral +"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 .",neutral +"The maximum amount of the capital loan will be EUR30m and the minimum subscription -- EUR10 ,000 .",neutral +"( 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",neutral +"@sharkbiotech If anyone is selling/shorting $AGN b/c you believe $ENDP rumors to be realistic, then I'll take the other side of that trade",positive +The company is listed on the Nordic Exchange in Helsinki .,neutral +$PYPL great vol flow trade here.. Love this company long time.,positive +$V A potential bearish shark pattern if point B $226 to be taken out. http://stks.co/i0GGH,negative +"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 .",positive +"The order comprises four ball mills , which will be organized in two different streams for treating ore in the Pilanesberg platinum mine .",neutral +"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 .",neutral +Productional situation has now improved .,positive +"SSH Communications Security Corporation is headquartered in Helsinki , Finland .",neutral +"For the full 2010 the company expects its net sales and operating result to improve from the previous year , saying that a positive operating result and its amount will depend on the order intake by the end of the summer .",positive +"Operating margin , however , slipped to 14.4 % from 15.1 % , dragged down by a poor performance in enterprise solutions .",neutral +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 .,positive +"So as of today's close (8/15/14), I'm long $TSLA $AMTD $TWTR $FB $AAPL $CELG - all on a longer-term, technical swing long basis.",positive +"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 .",neutral +"The report examines the medical equipment business structure and operations , history and products , and provides an analysis of its key medical equipment revenue lines .",neutral +"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 .",neutral +The new technology improves the glass quality and consistency while increasing throughput .,positive +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 .,positive +"@SOULLOR the regular scrappy Q $SWY usually presents. Sales weak, margins down, debt still way up.",negative +"Operating profit margin was 8.3 % , compared to 11.8 % a year earlier .",negative +"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 .",positive +Finnish forest machinery manufacturer Ponsse has issued a profit warning .,neutral +"`` The enterprise value of the Fray Bentos pulp mill and Forestal Oriental totals approximately euro1 .6 billion , '' UPM said .",neutral +Rental of building equipment accounted for 88 percent of the operating income .,neutral +The measures result from weak demand in the shipbuilding industry .,negative +"May 29 , 2010 ( CompaniesandMarkets.com delivered by Newstex ) -- This report provides key data and information on the meat , fish and poultry market in Finland .",neutral +"In addition to the demand in Finland , the export of lining stone products also increased .",positive +The current reference grade instruments are challenging to operate due to their high price and complexity for routine use .,negative +`` They 've already allocated money for the inventory .,neutral +"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 .",neutral +EUR/USD Finding Support Near 1.10 Level $ERO $UUP $UDN $FXE http://stks.co/b29eU,positive +The annual value of the contracts is estimated at USD 2mn over the next three years .,neutral +"In addition , we will launch a versatile online service to complete the traditional printed newspaper , Mr. Valkama says .",neutral +"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 .",neutral +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 .,neutral +MarketsBP promotes upstream boss to deputy CEO,neutral +"Britain's FTSE bounces back, Mondi and Barratt lead",positive +"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 .",neutral +"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 .",positive +Finnair said that the cancellation of flights would cause daily losses of x20ac 2.5 million US$ 3 million .,negative +The energy sector accounted for approximately 33 % and the steel industry for about 57 % of the transportation volume .,neutral +"The 5,000 megawatt wind farm being planned in Raahe would be built offshore in front of Ruukki 's Raahe Works .",neutral +"The Australian company Mirabela Nickel has awarded Outokumpu Technology a contract for grinding technology for its nickel sulfide project in Bahia State , Brazil .",positive +"Standard Chartered, RBS Escape Capital Raising in Stress Test",positive +"Operating profits in the half were 0.8 m , down from 0.9 m as Glisten invested in the brand and the management team .",negative +The expansion is to be finalized in the autumn of 2009 .,neutral +"Finnish Konecranes is again trying to acquire Italian Fantuzzi , a manufacturer of gantry cranes and reach stackers .",neutral +"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 .",neutral +"( 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",negative +The company expects its net sales in 2008 to increase 5-10 % from 2007 .,positive +"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 .",neutral +"`` 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 .",positive +"The most loyal customers were found in the Bank of +àland , with an index of 8.0 .",positive +Tesco breaks its downward slide by cutting sales decline in half,positive +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 .,neutral +No pricing details were disclosed .,neutral +long $AAPL,positive +Salonen added that data shows producers ' pulp inventories in North America are declining . ',neutral +"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 .",positive +"Consisting of seven interconnected units , Mega Image 's logistics center will be 347 metres in length and 12 metres in height .",neutral +Tesco PLC's Recovery Continues With A £250m Cash Infusion,positive +"Kesko has about 2,000 stores engaged in chain operations in the Nordic and Baltic countries , Russia , and Belarus .",neutral +Is Trouble Brewing At Legal & General Group Plc And Aviva plc?,negative +"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 .",neutral +The ECB can mainly target inflation .,neutral +"Operating profit totaled EUR 3.8 mn , down from EUR 4.5 mn in the corresponding period in 2005 .",negative +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 .,neutral +"Initially , the company said a maximum of 15 people would be made redundant in the parent company and about 15 in its subsidiaries .",neutral +"The contract incorporates a Convergent Charging rating solution for voice and data , which includes Internet , GPRS , SMS , MMS and WAP .",neutral +AstraZeneca's Lung Cancer Drug Tagrisso Gets FDA Approval,positive +"Our customers include companies in the energy and process industry sectors , in particular .",neutral +Europe however remains an important and strong market for us .,neutral +Morrisons and Debenhams surprise City with Christmas bounce back,positive +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 .,neutral +"Talentum expects that the net sales of its core business will increase in 2008 , compared to 2007 .",positive +"Operating profits in the half were 0.8 m , down from 0.9 m as Glisten invested in the brand and the management team .",neutral +Its total annual revenue comes up to about 160 mln zloty ( $ 56.9 mln-42 .3 mln euro ) .,neutral +"The corresponding increase in the share capital , EUR422 ,754 , has been entered in the Trade Register today .",neutral +"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 .",neutral +Relations with the City have been further damaged by comments from Mr Ashley criticising City investors and analysts as `` cry babies '' .,negative +"The engine has an electrical output of 18,321 kW , making it the largest gas powered generating set in the world .",neutral +Pretax profit totaled EUR 4.9 mn compared to EUR 5.2 mn in the first quarter of 2005 .,negative +"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 .",neutral +"Addus ' services include personal care and assistance with activities of daily living , skilled nursing and rehabilitative therapies , and adult day care .",neutral +TripAdvisor jumps on M&A rumors https://t.co/O4lwCDXMbr $TRIP,positive +Finnish Civil Aviation Administration decided to temporarily reopen Finnish capital 's Helsinki airport since 3 p.m. to 11 p.m. Monday local time .,neutral +"Reporting in accordance with the merged business operations will start as of January 1 , 2011 .",neutral +"Earnings per share ( EPS ) for the first quarter 2007 amounted to EUR0 .07 , up from EUR0 .04 .",positive +Finnlines estimated in its annual general meeting that 2008 will be financially a tough year due to large investments .,negative +"Meanwhile , minority shareholders , expecting TeliaSonera to retain the bid , sell shares now .",neutral +"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 .",negative +"Operating profit was EUR 9.8 mn , compared to a loss of EUR 12.7 mn in the corresponding period in 2009 .",positive +Word on the street is that Allergen is looking at Endo International after the failed Pfizer merger. May-20 $35 calls active. $ENDP,positive +"FBR Capital reiterated ""Outperform"" rating on $BRCM with a price target of $45.00 on Friday.",positive +"METALS-Zinc surges 12 pct after Glencore cuts output, fuelling metals rally",positive +Profit for the period fell to EUR 1.6 mn from EUR 7.5 mn in January-September 2008 .,negative +Is It Worth Investing In Tesco PLC And Prudential plc Now?,positive +in Finland Finnish pharmaceutical company Orion Corporation OMX Helsinki : ORNAV said on Wednesday 7 January that it has concluded its personnel negotiations in Finland and will reduce the number of personnel by 205 .,neutral +"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 .",positive +"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 .",positive +Niklas Skogster has been employed by the ABB Group in various positions concerning the development of operations .,neutral +"Operating profit , excluding non-recurring items , totaled EUR 0.2 mn , down from EUR 0.8 mn in the corresponding period in 2006 .",negative +"Finnish Metso Paper has been awarded a contract for the rebuild of Sabah Forest Industries ' ( SFI ) pulp mill in Sabah , Malaysia .",positive +Ruukki forecast a 15-20 % annual sales growth and a positive pretax result for 2010 .,positive +The price of GMO soy is 5 % -7 % lower than that of non-GMO .,neutral +"Finland 's Nokian Tyres and Kazakhstan 's Ordabasy Corporation signed an agreement to build a plant in Astana to produce car tires , Ordabasy chairman Dinmukhamet Idrisov said at a press conference .",positive +"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 .",neutral +GET MIDNIGHTTRADER IN REALTIME : This report is delayed .,neutral +Danish company FLSmidth has acknowledged that it has violated a patent held by Finnish Metso .,negative +"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 .",neutral +Tielinja generated net sales of 7.5 mln euro $ 9.6 mln in 2005 .,neutral +"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 .",neutral +"`` Neste Oil is working with over 20 research communities in Europe , America , Africa , Asia , and Australia to develop and introduce new raw materials .",positive +"The new agreement , which expands a long-established cooperation between the companies , involves the transfer of certain engineering and documentation functions from Larox to Etteplan .",positive +It 's not .,neutral +"took some $ENDP long this am, using VWAP as guide",positive +"Despite sales growth, UK's Tesco cautions recovery to be bumpy",neutral +"In Finland , metal sector company Componenta is laying off temporarily the staff of its Pori mill from Christmas 2008 till 6 January 2009 .",neutral +"In Middle East & North Africa , Tecnotree has grown considerably in the recent years .",positive +"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 .",positive +"Insurer Axa ( PAR : CS ) slid by 5.35 % to EUR 14.15 , after Citigroup and ING slashed their targets on the stock .",neutral +"The order values at EUR 6.9 mn , and it consists of design services and hardware and software licences .",neutral +Scanfil has also issued a profit warning .,negative +"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 . ''",neutral +The bond has a value of EUR150m and a maturity of 4 years .,neutral +MillerCoors Board Names Gavin Hattersley Interim CEO,neutral +Airbus will attempt to evacuate up to 873 people within 90 seconds .,neutral +First quarter underlying operating profit rose to 41 mln eur from 33 mln a year earlier .,positive +"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 .",positive +Royal Dutch Shell profit rises; dividend up 4%,positive +"Meanwhile , Electrowatt-Ekono Philippines , Inc. was also awarded a three-year operation and maintenance ( O&M ) contract by FR Cement Corporation .",positive +The agreement includes application maintenance and support services .,neutral +`` Nokia is just interested in bring Nokia to the market . '',neutral +Affecto expects its net sales for the whole 2010 to increase from the 2009 level when they reached EUR 103 million .,positive +"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 .",neutral +The lay-offs will affect 240 people out of the total 320 Okmetic employees in Finland .,negative +`` The acquisition of Elektros Pavara completes KONE 's market expansion strategy in the Baltic Countries .,positive +"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 .",positive +Morrisons book second consecutive quarter of sales growth,positive +"Marimekko has today ( 20 November ) signed a license agreement with the Swedish chain , whereby Marimekko will license some of its popular patterns from the 1950s , 1960s and 1970s to H&M .",positive +"that was quick, out $FIO 21.35, market tanking, scaling down longs now",negative +"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 .",negative +"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 .",positive +CompaniesUnilever sales lifted by ice cream in soft economy,positive +EPS dropped to EUR0 .2 from EUR0 .3 .,negative +@saltwaternurse $INO can test 10 again in next few days. time to take some profits here. or hedge with puts.,negative +No financial information was provided .,neutral +EasyJet attracts more passengers in June but still lags Ryanair,positive +Morning Agenda: Shire's Deal for NPS,positive +Metso will supply the equipment for two process lines at Northland Resources ' new Kaunisvaara iron ore project in Sweden which exploits Tapuli and Sahavaara iron ore deposits .,positive +Under this agreement Biohit becomes a focus supplier of pipettors and disposable pipettor tips to VWR customers throughout Europe .,positive +The company 's previous estimate was for a lower revenue than the year-ago EUR 93.9 million .,neutral +Earnings per share ( EPS ) dropped to EUR 0.21 from EUR 0.31 .,negative +"Bids or offers include at least 1,000 shares and the value of the shares must correspond to at least EUR4 ,000 .",neutral +Earnings per share ( EPS ) amounted to a loss of to EUR0 .06 .,neutral +NetApp downgraded by Macquarie to underperform. $22.00 PT. https://t.co/XCNgws0t4q $NTAP #NTAP via @RatingsNetwork,negative +`` Russia is ready to participate in an open tender for Lattelecom 's privatization .,neutral +"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 .",positive +The owners who have participated in the business operations of the company will continue in Poyry 's employment after the transaction .,neutral +The goal is to secure the company 's profitability and competitiveness .,neutral +"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 .",negative +"Neste oil 's board proposed 1.00 eur dividend for the full-year 2007 , compared with 0.90 eur a year ago .",positive +Basware Einvoices Oy will be merged into the parent company during the present fiscal period .,neutral +#Fintech provider $CAFN Cachet Financial Solutions Surging Forward today post earnings Up +13.26% https://t.co/9BJ3csk2i9 $JKHY $FISV #Momo,positive +"Before Kemira 's installation NordAlu was producing 3,500 tons of liquid and solid aluminum waste per year .",neutral +He is a Chartered Accountant in British Columbia and Alberta as well as a Certified Public Accountant in Washington State .,neutral +` Very recommendable ' is the Nokian Z G2 according to the ` ADAC judgement ' in the latest summer tyre test of the German automobile association ADAC .,positive +- The Group -¦ s result before taxes was a loss of EUR 0.6 ( +0.6 ) million .,neutral +- Cash flow from operating activities before investments was EUR 0.8 -1.2 million .,neutral +Viking Line has canceled some services .,negative +Exel is headquartered in Mantyharju in Finland .,neutral +Stora Chief Executive Jouko Karvinen has described the Russian tariff hikes as a threat to the future of the forest products industry in Finland .,negative +"After Barclays and Bank of America, Citigroup has blockchain in sight",positive +"Google, Inc. completes acquisition of ICOA, Inc. http://stks.co/nFEI $ICOA $GOOG",positive +"$TSLA looking good..i'd love to see a basing action here, letting the RSI take a breather. http://stks.co/g1T7c",positive +"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 .",neutral +"This location makes the mall a convenient place to shop for consumers from three large residential areas nearby : Jaroszowka , Wysockiego and Zgody .",positive +Finnish insurance company Fennia and Kesko Group are ending their loyal customer cooperation .,negative +"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 .",neutral +"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. .",positive +"In Q1 of 2009 , Bank of +àland 's net interest income weakened by 10 % to EUR 9.1 mn .",neutral +RBS Pays $1.7 Billion to Scrap U.K. Treasury's Dividend Rights,neutral +Increased trust of our clients in YIT can be seen as apartment sales accelerated .,positive +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 .,neutral +Operating profit for 2009 lower than outlook published earlier .,neutral +Less than ten people will face pension agreements .,neutral +"The company 's consolidated operating profit amounted to EUR 15.86 mn , up from EUR 4.14 mn year-on-year .",positive +AstraZeneca to Buy ZS Pharma for $2.7 Billion,positive +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 .,negative +The operating margin of Aker Yards Cruise & Ferries division went down from 8.3 % to 6.4 % in the first quarter of 2007 .,neutral +"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 .",negative +The program 's target is structural cost reductions of about EUR 30mn in 2009 .,positive +Our tools are specifically designed with the needs of both the business users and ICT experts in mind .,neutral +"Ahlstrom Corporation Seppo Parvi , CFO Distribution : Main media www.ahlstrom.com Ahlstrom in brief Ahlstrom is a global leader in the development , manufacture and marketing of high performance nonwovens and specialty papers .",neutral +"Prior to the transaction , whose financial terms have not been disclosed , Alma Media owned 40 % of Kotikokki net .",neutral +$CTRP not a bad long chart now that it's through sma100 resistance.,positive +A merger between UPM and Finnish-Swedish Stora Enso is not likely either .,neutral +$HYG Potential continuation Uptrend on a 60'-15'-4' charts http://stks.co/t1Qp6,positive +Peroni and Grolsch put up for sale as AB InBev plans acquisition of SABMiller,positive +"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 .",positive +The beers differ slightly from mainstream beers .,neutral +Financial details were n't disclosed .,neutral +"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 .",positive +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 .,neutral +"Temporary lay-offs , affecting the entire workforce , will also be implemented .",neutral +"SOUTHFIELD , Mich. -- Central Corporate Credit Union will again distribute patronage dividends to members by waiving all service fees incurred during the months of July and November 2008 , to the tune of an estimated $ 1 million .",positive +Sales rose 10 pct to 566 mln eur on the back of strong volume and favourable currency effects .,positive +Choose from a Giant Countdown with red head or rainbow trout -- or the Giant Shad Rap in perch color .,neutral +"Russian export duties will activate harvesting in Finland , and sales in Russia will increase also .",positive +"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 .",negative +"On preliminary estimate , the hotel will operate under the brand Novotel .",neutral +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 .,positive +End Of Day Scan: Bullish MA Crossovers $BBVA $PDS $NTLS $NGL $SBRCY $FGL $MTNOY $TTT www.dailystockplays.com,positive +"TVO 's two-unit 1,740 MW Olkiluoto plant generated 14.2 TWh with an operating ratio across both reactors of 93.5 % , which the company described as `` high by international standards '' .",neutral +"Turun kaupunkin , Finland based company has awarded contract to Lemminkainen Talotekniikka Oy for electrical installation work .",positive +Finnair 's total traffic decreased by 8.7 % in terms of revenue passenger kilometres .,neutral +Consolidated pretax profit decreased by 69.2 % to EUR 41.0 mn from EUR 133.1 mn in 2007 .,negative +$GILD 91 now support. $IBB $BIB https://t.co/GIoOf6zbKv,positive +He wore a black beanie-type cap and a black jacket .,neutral +Finnish developer and manufacturer of mobile phone chargers Salcomp Plc OMX Helsinki : SAL1V on Wednesday 19 November lowered its full-year net sales estimate .,neutral +"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 .",positive +Deliveries will start in the second half of 2007 and the start-up of the mill is scheduled for 2008 .,neutral +Cash Flow from Operations for the most recent quarter also reached a eight year low .,negative +"mn , and pretax profit to EUR 46.4 mn from EUR 35.8 mn in the third quarter of 2006 .",positive +- Tikkurila inspires you to color your life .,neutral +$isrg trading at all-time high after strong earnings report with 4 days of short interest.,positive +"In October , UPM reported a third-quarter net loss of euro86 million $ 110 million compared with a net profit of euro120 million in 2007 .",neutral +Tesco shares jump 6% after Christmas sales beat expectations,positive +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 .,neutral +"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 .",neutral +Net loss in the same period in 2009 was euro18 .6 million .,neutral +"Also , CBA is to issue a benchmark , 10 year fixed rate deal in Euros .",neutral +Aspo 's Group structure and business operations are developed persistently without any predefined schedules .,neutral +Loss for the period totalled EUR 15.6 mn compared to a profit of EUR 6.3 mn in 2008 .,neutral +Shell to buy BG Group in $69.7 billion takeover,positive +$BBRY hearing rumours of a major joint venture announcement.,positive +Philips was not available to comment on the report .,neutral +Sony Ericsson and Nokia dominated the list of best-selling handsets with five models each .,positive +"` This is a repeat order to follow successfully installed 159 elevators in the same Delhi metro system , ' Kone spokeswoman told Thomson Financial News .",positive +"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 .",positive +"The works will include the laying of natural stone pavements and the installation of underground heating , and surface water drainage systems .",neutral +"Profit after taxes was EUR 0.1 mn , compared to EUR -0.4 mn the previous year .",positive +"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 .",neutral +"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 .",neutral +"( 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",negative +"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 .",positive +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 .,neutral +A. Le Coq had a market share of 41.3 percent and rival beverage group Saku 32.1 percent .,neutral +"Particular attention is being paid to energy efficiency in the construction of the building , as it is designed to meet the requirements of energy class B , and LEED certification will be applied for .",neutral +Today the orange scissors are the iconic symbol of the excellent ergonomic design and superior quality associated with every product from Fiskars .,neutral +"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 .",neutral +"Tallink claims the watertight doors of both Vana Tallinn and Regina Baltica , including their electrical systems , are fully in working order .",positive +This resulted in improved sales figures in Sweden .,positive +The arrangements do not apply to the group 's units outside Finland .,neutral +Operating profit was EUR 1.6 mn in 2005 compared to EUR 5.9 mn in 2004 .,neutral +RBI surprises Street; Sensex pares gains after hitting mount 30k,negative +"( 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",positive +"Tieto 's service is also used to send , process and receive materials related to absentee voting .",neutral +Finland-based Stockmann Group has closed seven franchising sports stores Nike in Russia .,negative +"Whitbread Profit Up As Sales Continue To Rise, Looking For New CEO",positive +Aspocomp has repaid its interest bearing liability to Standard Chartered Bank and will use the rest of the consideration to partially repay its interest bearing liabilities in Finland and to improve its liquidity .,positive +"Fastenal misses by $0.01, misses on revenue $FAST #NYSE https://t.co/63JHQ7pwMN",negative +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 .,neutral +"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 .",neutral +"As part of the reorganisation measures that will take place in spring 2006 , Tamglass Finton will start personnel negotiations that will affect its entire staff of 33 .",neutral +This corrensponds to 4.628 percent of Okmetic 's share capital and voting rights .,neutral +"Tim Cockroft brings with him an excellent track record having more than 18 years experience ; moreover , Tim has successfully developed the Capital Markets operations at Kaupthing Singer & Friedlander involving corporate finance and broking with a focus on mid-market companies .",positive +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 .,neutral +Runway Visual Range is a calculated assessment of the distance that a pilot can see down a runway .,neutral +"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 ) .",neutral +Feed companies Suomen Rehu and Raisio do no import GMO feed .,neutral +"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 .",neutral +Performance is based on values and sustainability .,neutral +"Biohit said that it will reduce the number of leased personnel by 10 , and lay off 10 of its own personnel .",neutral +$GEVO PLUNGING! Back to $3.55.,negative +"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 .",positive +Earnings per share EPS amounted to EUR0 .01 .,neutral +"Ingenious, HSBC, UBS and Coutts sued by 'tax avoidance' clients",negative +"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 .",positive +Short on $ATVI from 24.55.,negative +$PKT Momentum building for breakout trigger ! Long setup http://stks.co/eXVU,positive +The platform would continue to be the development framework for Symbian and MeeGo .,neutral +"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 .",neutral +"The final price will be specified by 14 May 2010 , the acquiring company said .",neutral +"Nordea Pankki Suomi Oyj , according to previously announced , has made forward contracts on Alma Media Corporation shares .",neutral +"Profit before taxes was EUR 4.0 mn , down from EUR 4.9 mn .",neutral +They both will report to Oriola-KD 's chief executive officer Eero Hautaniemi .,neutral +"By cutting the number of plants , the group will trim fixed costs .",positive +"$SINA even though the ""report"" is untrue and has been proven unture, the damage is done. No one wants to touch it now",negative +Merkel's Government Said to Support Deutsche Boerse-LSE Merger,positive +`` Operating profit declined mainly due to the increased cost of wood and recycled fiber and the strengthened euro . '',neutral +CompaniesTesco off to a bad start over Xmas – Kantar,negative +"Capacity of the facility made by Finland 's Vaahto Group is 86,000 tons of light coated paper .",neutral +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 .,neutral +"Steek , which was set up in 2002 , is based in Bordeaux , southwestern France .",neutral +President and CEO Mika Vehvil+ñinen says the positive signs are first and foremost emerging outside Finland .,positive +Finnish construction group Lemmink+ñinen has been awarded two road building contracts by the Lithuanian transport administration .,positive +"According to Eijkens , a publisher can do much more than just publish colourful books : a publisher can provide value added to information by individualising it .",neutral +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 .,neutral +$RAD I would consider this opportunity to add my position because the company is on the right track they are still improving sales...,positive +The low capacity utilisation rate in steel production considerably increases the fixed costs per unit of steel produced .,neutral +Work on the assignment has already started and is due for completion in spring 2011 .,neutral +"Progress Group , QPR 's representative in Saudi Arabia and North Africa , has signed a framework agreement for a long term strategic relationship with ISE .",positive +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 .,negative +"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 .",neutral +Financial terms were not disclosed .,neutral +The company may at any time have in its possession one tenth of all its shares at the maximum .,neutral +The value of the orders is about EUR 70mn .,neutral +"RECAP: $MSFT rumor this morning had them spinning off XBOX unit, stock grinds up all day to close on highs",positive +"According to Finnish Metso Minerals , the value of the company 's orders has gone up to EUR 1.9 bn in 12 months .",positive +"Therefore , the company 's 2005 result will remain weaker than that of 2004 .",neutral +Breakingviews: IAG can pay more for Aer Lingus,positive +"The pine oil project is related to the upgrade of the chemical recovery plant of UPM at its pulp mill in Kymi , southern Finland .",neutral +Standard Chartered Shifts Emerging-Markets Strategy After Losses,negative +AB InBev to Sell SABMiller Stake in China's Snow Beer,neutral +"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 .",neutral +"Based upon its unique fiber expertise and innovative approach , the company has a strong market position in several business areas in which it operates .",positive +The personnel s expertise and high level of technology play a major role in Exel Composites operations .,neutral +"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 .",negative +Metsa-Botnia will sell 82.1 % of its stake in the Uruguayan companies and Metsaliitto -- 5.5 % .,neutral +Aviva weighs cash handout after beating profit forecast,positive +"Tesla to recall 2,700 Model X SUVs over seat issue https://t.co/OdPraN59Xq $TSLA https://t.co/xvn4blIwpy https://t.co/ThfvWTnRPs",negative +Bovine slaughtering and cutting at the Kuopio facility will be transferred to the Kauhajoki slaughterhouse .,neutral +"`` Adjustment to the fall in price level , in contrast , has been less effective .",neutral +"Okmetic has a global customer base and sales network , production plants in Finland and the US and contract manufacturers in Japan and China .",neutral +Public services will also be available .,neutral +Asian traffic declined by 3.4 per cent .,neutral +Finnish and Swedish construction markets are still experiencing an estimated 4 % annual growth in 2008 .,positive +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 .,neutral +"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 .",neutral +"After the takeover , Cramo will become the second largest rental services provider in the Latvian market .",positive +Ruukki is restructuring commercial and industrial construction operations in pursuit of permanent improvements whilst adjusting operations to market conditions .,neutral +"It projected revenue of $ 2.2 billion to $ 2.3 billion , slightly higher than analyst estimates of $ 2.19 billion .",positive +"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 .",positive +Operating profit in the fourth quarter fell to EUR33m from EUR39m a year earlier .,negative +$JD down 20% in after-hour market. anyone care to explain why?,negative +"Operating profit totalled EUR 83.0 mn , up from EUR 23.5 mn year-on-year .",positive +BRIEF-Aviva aims to increase dividend pay-out ratio to 50 pct in 2017,positive +$EXPE working on the second leg of its reversal run as it breaks another down trend and continues higher. https://t.co/76DSJysyR0,positive +"GeoSentric is acquiring extra financing by issuing a maximum of 220,000 new shares and a convertible bond with subscription rights for 880,000 shares , which have been fully subscribed .",neutral +"$ADBE technical alerts: Expansion Breakout, Gilligan's Island Sell Setup, Volume Surge, and New 52... https://t.co/LxX66tknFH",positive +$IWM same conditions that sent markets to tumble all hitting this week,negative +$AAPL near a 3% drop thats a lot... now the best i can do is HOLD ER lol,negative +Operating profit improved by 27 % to EUR 579.8 mn from EUR 457.2 mn in 2006 .,positive +"On Dec. 1 , Grimaldi acquired 1.5 million shares and a 50.1-percent stake in Finnlines .",neutral +Shire proposes $30 bln all-share tie-up with Baxalta,positive +"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 .",neutral +Pohjola and cooperative banks have continued to combine their branch office network .,neutral +"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 .",neutral +"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 .",neutral +"The liquidity providing was interrupted on May 11 , 2007 when Aspocomp Group Oyj 's shares traded below 0.50 cent ( Aspocomp 's stock exchange release 11.5.2007 ) .",negative +The subscription period of Amer Sports ' 2002 warrant scheme will end on 31 December 2007 .,neutral +This transaction will also rationalize our pulp and paper industry related solutions .,positive +"schwalm ( at ) outotec.com Eila Paatela , Vice President - Corporate Communications tel. +358 20 529 2004 , mobile +358 400 817198 e-mail eila .",neutral +"I am looking forward to contribute to SRV 's success with my competence '' , says Taneli Hassinen .",positive +"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 .",neutral +AstraZeneca's MedImmune Inks Licensing Deal With Omnis Pharmaceuticals,positive +"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 .",positive +"During the strike , Finnair estimates to incur a net loss of between EUR2m and EUR2 .5 m per day .",negative +"Currently , 95 % of Trainers House 's revenues are attributed to the Finnish market .",neutral +The Oxyview Pulse Oximeter is a common device to check patient blood-oxygen saturation level and pulse rate .,neutral +"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 .",neutral +"The company will use the money for product development and research activities through 2013 in its key markets Finland , Germany , Italy and France .",neutral +"Through its partnership with Finnish Paulig 's Danish subsidiary Oscar , Puljonki acquired a sales organization in the European market .",neutral +Finnish OKO bank has signed a cooperation agreement with Raiffeisen concerning Finnish companies ' investments in Russia .,positive +Finnish bank Alandsbanken said Monday it will buy the Swedish operations of Iceland 's troubled Kaupthing Bank for 414 million kronor $ 49.5 million in cash .,neutral +Exports grew 16.5 percent to 19.1 million liters .,positive +"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 ) .",positive +"The company , employing 6,400 , reported net sales of 620 mln euro $ 823.2 mln for 2006 .",neutral +TRLPC - CRH backs Lafarge Holcim asset buy with 6.5 bln euro bridge loan,positive +G4S sees profits rise but UK contract problems remain,positive +The office space will rise above the remodeled Cannon Street underground station .,neutral +"According to the original merger plan , Scanfil would get a 79 % stake in the combined business .",neutral +"As a result , the company will temporarily lay-off 25 % of the whole personnel , approximately 270 persons at Kirkkonummi and Nivala factories .",negative +"In 2006 , Kone received an order from Aker Yards to supply 43 customised elevators for the very first Genesis cruise ship which is scheduled to be completed in 2009 .",positive +The service also enables users to watch e-mails in HTML format en is enhanced with 23 addition languages to choose from .,neutral +"Previously , Grimaldi held a 46.43 pct stake in the Finnish company following the takeover bid launched in November 2006 .",neutral +UPDATE 3-Auto Trader shares leap in UK's biggest private equity-backed listing,positive +"So far as is known , he did not sell shares that he owns personally .",neutral +"( 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",neutral +"A corresponding increase of 85,432.50 euros in Ahlstrom 's share capital has been entered in the Trade Register today .",neutral +"Following its strategy , Tikkurila has established a fully-owned sales company TOO Tikkurila in Almaty , Kazakhstan , for marketing decorative paints under the Finnish Tikkurila brand and the Russian Teks brand .",neutral +Related links : Flexiblebaseloadoperation TheWartsila32generating set Gasconversions This is the shorter of two versions of this press release .,neutral +"The inventors are Bylander Johan , Ponten Fredrik and Lundberg Jorgen .",neutral +"The inventors are Mukkavilli Krishna Kiran , Sabharwal Ashutosh and Aazhang Behnaam .",neutral +"In the third quarter , net sales increased by 12 % year-on-year to EUR159 .5 m , or by 6 % at comparable currency rates growth .",positive +"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 .",neutral +"The fair value of the investment properties totaled EUR 2,534.9 mn , up from EUR 2,455.1 mn in 2006 .",positive +Diluted EPS rose to EUR3 .68 from EUR0 .50 .,positive +Long $VVUS shares as a call option w/ an expiration of.. umm.. TODAY. Hitting HOD here.,positive +"There will be return flights from Stuttgart every morning , as well as evening departures on Thursdays , Fridays and Sundays .",neutral +Raute Corporation has received orders worth over EUR 12 million from OOO Ilim Bratsk DOK in Russia .,positive +`` We 've been feeling quite positive about the region as a whole .,positive +"Under the terms of the agreement , Bunge will acquire Raisio 's Keiju , Makuisa and Pyszny Duet brands and manufacturing plants in Finland and Poland .",neutral +CompaniesAB InBev signals it won't go hostile for SABMiller,positive +The ISO certification demonstrates that we are moving forward in our quality commitments to our customers . ',positive +"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 .",neutral +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 .,neutral +"ALEXANDRIA , Va. , Dec. 22 -- United States Patent no. 7,854,608 , issued on Dec. 21 , was assigned to Outotec Oyj ( Espoo , Finland ) .",neutral +"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 .",negative +"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 .",neutral +After 1 April 2007 Cencorp will not have any own employees in the territory .,neutral +"Based in Helsinki , Finland , Ramirent has branches in 13 Nordic , central and Eastern European countries .",neutral +"s business sectors are building construction , infrastructure construction and technical building services .",neutral +"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 .",neutral +Infection worries prompt regulatory reviews of Gilead leukaemia drug $GILD https://t.co/H9vqXpZ15G via @YahooFinance,negative +The Department Store Division 's sales fell by 8.6 % to EUR 140.2 mn .,negative +"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 .",positive +"Technopolis plans to develop in stages an area of no less than 100,000 square meters in order to host companies working in computer technologies and telecommunications , the statement said .",neutral +"In Finland , export industry forms a large clientele for the packaging industry .",neutral +"( 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",positive +You will hear the latest insights and updates on Citycon 's strategy as well as the latest news from all the business units .,neutral +"$XLF http://stks.co/1KJ9 Bounced off target buy area, bought $skf as a hedge. watch 50ma's slope",negative +"BHP Billiton posts big loss, slashes dividend",negative +They will be sunk to a depth of some 360-380 metres and fixed to the bottom mud by vacuum .,neutral +Device volume in the area decreased by 21 % to 2.7 mn units .,neutral +Sponda will record a profit from the sale of 8.5 mln euro ($ 12.4 mln).,positive +"Berling Capital , Umo Capital and Veikko Laine are the biggest shareholders in Amanda Capital .",neutral +$TRX http://stks.co/1KkK Long setup. MACD cross.,positive +"According to Ultrascan , with a software acquired from crackers , it has managed to change the mobile phone in a way that the phone was able to get hold of a one-time password sent by a bank via a text message .",neutral +"In the beginning of the negotiations , the estimated number of reductions was 50 at the maximum .",neutral +The Group 's business is balanced by its broad portfolio of sports and presence in all major markets .,positive +"Elcoteq 's global service offering covers the entire lifecycle of products , from product development to after-market services .",neutral +$PCLN Back to Back intraday reversals look out below. Shorts moving in!,negative +"Outotec 's scope of delivery covers the engineering , supply of special equipment and services for a calcination plant with two circulating fluid bed calciners .",neutral +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 .,neutral +Raute is listed on the Nordic exchange in Helsinki .,neutral +$SPY still wants higher I think.,positive +Finnish forest industry group Stora Enso Oyj issued on Thursday ( 20 March ) a profit warning for the first quarter 2008 .,neutral +Poyry has a good track record of major transportation projects in Latin America .,positive +"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 .",neutral +"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 .",negative +These measures are expected to produce annual cost savings of EUR 1.5 million starting in 2007 .,positive +"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 .",neutral +Sanoma Magazines Finland 's net sales grew to EUR 140.1 mn from EUR 131.8 mn .,positive +Ruukki 's order book at the end of 2010 was 30 % up year-on-year and 10 % up quarter-on-quarter .,positive +The repurchases shall decrease the distributable capital and reserves .,negative +Pretax loss totalled EUR 162.3 mn compared to a profit of EUR 253.5 mn in 2007 .,neutral +$KIOR My god. Market getting crushed today. Gotta hold if anything g should recover some tomorrow I imagine.,negative +"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 .",positive +"National Conciliator Juhani Salonius , who met both parties on Wednesday , said they were too far apart in their views for him to propose mediation .",negative +Metsaliitto said that it will book a minor gain of less than EUR1 .0 m from the transaction .,positive +"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 .",positive +UK's FTSE has worst day so far in 2015 as BG and Prudential fall,negative +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 .,negative +LSE-Deutsche Börse dealmakers wrong to ignore Brexit risk,negative +Aker Yards Finland will begin using Chinese subcontractors at its Finnish shipyards .,neutral +"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 .",neutral +Glencore slumps 25 pct as debt fears grow,negative +Standard Chartered Not Raising Capital Yet As Dividend Cut,negative +$SONC Amazing run since middle of March - obvious that the quality/tastiness of their burgers is not being factored into this price advance,positive +The air traffic of Finland has been in stoppage since then .,negative +UPDATE 1-Engineering firm Smiths Group confirms CEO appointment,neutral +55 workers in +àm+Ñl will be affected by the close-down .,negative +Karppinen expects the consolidation trend to continue in the Finnish market .,neutral +Metso estimates the need for personnel reductions to amount to 25 people .,neutral +"$AAPL AAPL: Gundlach Slams iPad mini, Sees Downside to $425. http://stks.co/bDqV",negative +AstraZeneca shares climb 3% as drug maker ups profits forecasts,positive +- Operating profit rose by 26.9 % to EUR 105.8 ( 83.4 ) million .,positive +The EPS improved to EUR0 .38 from EUR0 .27 .,positive +Insight hires Aviva's David Hillier for multi-asset team,positive +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 .,neutral +"It grew in Finland , Norway , Denmark and the Baltic countries .",neutral +Today I bought more $MU $YHOO $VALE $NBL $TWTR $AXP $ZNGA https://t.co/Vt6T5Zp2is,positive +"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 .",neutral +The final outcome of the rights offering is to be reported around 23 October 2009 .,neutral +Vaisala 's board of directors will propose a dividend of 0.85 euro $ 1.24 per share at the company 's annual general meeting .,neutral +"Body The credit falls due February 24 , 2014 .",neutral +"I'm liking the price action in $SWKS, currently @21.80 ; my target: 24.00+ before year end.",positive +"The report also said Nokia 's operations comprising the sites at Bochum , Ulm , Dusseldorf , Munich and Frankfurt posted operating profit after interest of 246 mln eur .",neutral +"As a result , the company has decided it will implement fixed-term temporary lay-offs .",neutral +Copper market may get a 2003-style supply shock from Glencore closures,negative +"According to the company 's updated strategy for the years 2009-2012 , Basware targets a long-term net sales growth in the range of 20 % -40 % with an operating profit margin of 10 % -20 % of net sales .",positive +Scanfil holdings include 100 % of contract electronics manufacturer Scanfil EMS Group .,neutral +"Dubai Nokia has announced the launch of `` Comes with Music '' , its ground-breaking service which introduces a new way for people to enjoy music .",positive +"Finnish metal components supplier Componenta on December 26 , 2006 applied for approval with the Turkish Capital Markets Board to launch a mandatory offer for the remaining shares in iron and aluminium castings producer Doktas Dokumculuk .",neutral +"Cost savings will then rise to some 20 mln eur a year from 2007 , OKO said .",positive +"Biohit and VWR have been in close cooperation for a number of years in the US , where Biohit is one of VWR 's focus suppliers .",positive +Finnlines said that the deal is part of its strategy to focus on its core businesses .,neutral +"The order comprises all production lines for a plywood mill , company said in a statement received by Lesprom Network .",neutral +$SPY Long 1/2 position 137.89,positive +The total value of these two contracts is over EUR 21 million .,neutral +"( 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",positive +No service pricing details were disclosed .,neutral +"$TSLA Recalls 2,700 Model X Vehicles; Shares Volatile https://t.co/tcKqZnMIqX #TSLA #tech #stockmarket https://t.co/FeMhJtAmQj",negative +"Equipment will be manufactured in Vaahto 's workshop in Hollola , Finland and is scheduled for shipments during the first quarter of 2009 .",neutral +$FB still a dog going much lower this week,negative +The expanded plant is scheduled to be operational by the middle of October 2009 .,neutral +"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 .",positive +"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 .",negative +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 .,neutral +"$TSLA recalls 2,700 Model X cars. Stock dropping hard...",negative +"In Finland , insurance company Pohjola and the Finnish motorcyclist association have signed an agreement with the aim of improving motorcyclists ' traffic safety .",positive +"Tikkurila , a division of Kemira group , controls about 23 % of the Russian market in its field and owns St. Petersburg paint producer TEX. .",neutral +The Department Store Division reported an increase in sales of 4 per cent .,positive +"In the Baltic countries , Atria 's target is organic growth .",neutral +Operating profit rose to EUR 103.4 mn from EUR 23.2 in the corresponding period in 2006 .,positive +The Group 's revenue in 2008 amounted to EUR 94 million and the company currently employs approximately 730 people .,neutral +The board of directors also proposed that a dividend of EUR0 .20 per outstanding share be paid .,neutral +$EA points to the two Facebook games and accuses $ZNGA of copyright infringement. http://stks.co/g3A1,negative +"In the second quarter of 2010 , the group 's net profit rose to EUR3 .1 m from EUR2 .5 m in April-June 2009 .",positive +Otherwise the situation is under control .,neutral +Juniper tumbles on Q1 warning; Cisco also lower $JNPR $CSCO https://t.co/bGvIntk43h,negative +"In beers , Olvi retained its market position .",neutral +"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 .",negative +"According to latest information , Benefon will launch its Twig device on 20 September 2006 .",neutral +"Exports accounted for 65.4 % of net sales , representing an all time record for the company .",positive +"According to Nordic financial group Nordea 's analyst Sami Sarkamies , this makes Nokia 's portfolio competitive again .",positive +"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 .",neutral +Aspocomp has a large factory in China and a factory building project in India that was halted due to financing problems .,neutral +"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 .",positive +"Profit for the period totalled EUR 0.8 mn , down from EUR 1.1 mn in the corresponding period in 2008 .",neutral +"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 .",positive +"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 .",neutral +Doubts grow over GlaxoSmithKline's $6 bln capital return plan,negative +Altogether 150 subjects with mildly elevated cholesterol levels participated in the four-month long intervention .,neutral +"128,538 shares can still be subscribed for with Series E share options , max .",neutral +"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 .",neutral +"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 .",positive +Absolut Bank is exploring the possibility of further borrowing .,neutral +$NKE gapping up to all time highs http://stks.co/q1jAu #tradeideas http://stks.co/r1j6c,positive +The value of the order is around EUR 100 million .,neutral +"Elisa said mobile subscriptions grew 7 percent during 2007 , mainly because of customers adopting so-called third generation mobile technology .",positive +"In Q2 of 2009 , profit before taxes amounted to EUR 13.6 mn , down from EUR 26.8 mn in Q2 of 2008 .",negative +Berkshire Hathaway names Kara Raiguel to lead General Re unit,neutral +"SRV will raise its holding in the company so that by the summer of 2008 , it will have a majority .",positive +"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 .",positive +"Kesko offers Hilton to open a hotel on Kalinisky prospect in a 18,000-square metres building because of these difficulties .",neutral +As a result of these negotiations the company has decided to make 45 people redundant on financial and production grounds .,neutral +The air traffic of Finland has been in stoppage since then .,neutral +The new B shares carry the right to dividend and other shareholder rights with effect from today .,neutral +Also the traditional grapevine carries a lot of weight .,neutral +"The company has a continuous need for alloys such as nickel , ferro-chrome , molybdenum and manganese in its production , said Talvivaara .",neutral +"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 .",neutral +"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 .",positive +The company says the measures are no longer needed .,neutral +The reduction notice applied to 17 people .,neutral +"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 .",negative +BM4 middle layer headbox will be equipped with a dilution control system .,neutral +"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 .",positive +$FTI Breakout today after reporting earnings last night,positive +"In the fourth quarter of 2009 , Atria 's net loss shrank to EUR 1.2 million from EUR 5.9 million and net sales contracted to EUR 340.4 million from EUR 361.1 million .",positive +"Therefore , the company 's 2005 result will remain weaker than that of 2004 .",negative +"However , Simdax will remain available in the markets where it already has been approved as it has marketing authorisations or submitted applications in more than 40 countries , Orion added .",positive +Relief for Lewis as Tesco sees sales grow for first time in a year,positive +$TSPT long 8.00,positive +Relations with the City have been further damaged by comments from Mr Ashley criticising City investors and analysts as `` cry babies '' .,neutral +Honkarakenne Oyj - a world-leading manufacturer of genuine wooden homes - will be sponsoring Finnish crosscountry skier Virpi Kuitunen for the next three years .,neutral +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 .,positive +EUR 220 million of the transaction consideration was paid in the form of four-year interest-bearing vendor notes .,neutral +Ruukki Group calculates that it has lost EUR 4mn in the failed project .,neutral +$FB Big Money Is Pouring Into Facebook From All Directions;http://stks.co/sOwG,positive +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 ) .,positive +"In 2006 , TeliaSonera net sales were SEK 91 bn , EBITDA was SEK 32.266 bn , net income was SEK 19.28 bn .",neutral +"Uponor made an operating profit of EUR 151.0 mn , up from EUR 143.7 mn , which made 2007 a record year .",positive +Tekla Structures 16 is ` all about you and your team ' and compatible with the Windows 7 operating system .,neutral +"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",neutral +"Finnish Suominen Corporation that makes wipes , nonwovens , and flexible packaging , has a plant near Warsaw , in Poland , that makes flexible packaging .",neutral +"Operating profit , excluding non-recurring items , totaled EUR 0.2 mn , down from EUR 0.8 mn in the corresponding period in 2006 .",neutral +"`` However , the rapidly increasing costs and the strengthening of the euro were challenging for the whole industry , and they impacted on our results . ''",neutral +"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 .",neutral +"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 .",neutral +"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 .",negative +The divested activities had net sales of EUR 145.1 million in 2009 and an operating profit of EUR 8.9 million .,neutral +$WYNN big bounce,positive +"The Polish business employs about 1,000 people , and it had net sales of about EUR 70mn in 2007 .",neutral +"Royal Mail, Johnson Matthey lead FTSE lower",negative +Morrisons faces festive sales test,negative +"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 .",positive +"FDA approves NPS drug, in move validating Shire takeover deal",positive +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 .,positive +"The period 's sales dropped to EUR30 .6 m from EUR38 .3 m , according to the interim report , released today .",negative +"Department store sales improved by 14 % to EUR 1,070.6 mn .",positive +"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 .",neutral +Marketing will use Tikkurila 's existing infra structure and local knowledge in Russia .,neutral +$TWTR The best scenario going forward is this stock slowly falling everyday....Which is quite probable...,negative +"Baird likes $TSLA - upgrades to outperform, lifts price target to $300. Research firm also sees no capital raise necessary in next few qtrs",positive +"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 .",positive +$FB watching for bounce tomorrow,positive +"In addition , the company is considering the start of production in Russia .",neutral +NetCom expects to complete Turbo 3G deployment in these areas this year .,neutral +J+ñrvi-Suomen Portti is also planning to reduce the use of sodium nitrite .,neutral +"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 .",negative +"The company will publish its financial statement for 2008 on February 25 , 2009 .",neutral +"The share sale , to foreign and Finnish investors , is expected to raise some euro300 million ( US$ 380 million ) .",neutral +$SPY http://stks.co/1MiR We're holding above Wednesday and Thursday closes. I'm leaning bullish. Small postions. Waiting.,positive +"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 .",negative +"The handset also features a Media Bar for quick access to favorite media and applications , including music , photos , YouTube or Ovi Share .",neutral +Finnish Honkarakenne that specialises in the building of log houses is planning to use pine from Russian Karelia .,neutral +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 .,neutral +Below are unaudited consolidated results for Aspocomp Group under IFRS reporting standards .,neutral +"Comparable operating profit for the quarter decreased from EUR510m while sales increased from EUR860m , as compared to the third quarter 2007 .",neutral +$RAD All my charts are flashing oversold.,neutral +$FB gettin in the buy zone soon ;),positive +The order was valued at over EUR15m .,neutral +"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 .",neutral +Windows 10 is awful why did it force an upgrade on my pc without my consent? #windows #Microsoft $msft,negative +"Finnish forest machinery and equipment maker Ponsse Oyj said on October 5 , 2007 it will deliver a total of 67 cut-to-length method forest machines and 44 harvester heads to Brazilian paper maker Bahia Pulp and to unnamed Uruguayan wood harvesting contractors .",positive +"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 .",neutral +"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 .",positive +An international conference call and audio webcast concerning the financial result January-March 2010 will begin at 14.00 EET .,neutral +"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 .",negative +"$ZSL looking very weak, could be a good short setup.",negative +"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 .",neutral +Calls to the switchboard and directory services have decreased significantly since our employees now have up-to-date contact information from all their colleagues and customers on their phone and can place the call directly .,neutral +"AP: Caterpillar posts 60 percent jump in 4Q profit on steep global sales increase, tops Wall St. view > $CAT",positive +Insurance policies should be simple .,neutral +Nokia and Capcom announced that Resident Evil Degeneration will be released on N-Gage later this year .,neutral +"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 .",negative +$SPY weak close,negative +Compass Group says positive for year ahead,positive +UPM-Kymmene said its has ` not indicated any interest in any domestic consolidations ' .,neutral +It also turned in earnings per share ( EPS ) of EUR 0.44 versus loss per share of EUR 2.26 .,positive +"Janno Reiljan , a member of the Eesti Energia supervisory board , said the owners of Narva Power Grid had informed Eesti Energia about their wish to sell .",neutral +"The antibody , administered at repeated doses of up to 8 mg-kg , was generally well tolerated , and the pharmacokinetic characteristics of BTT-1023 in psoriasis patients were consistent with those observed in a previously completed study in rheumatoid arthritis RA patients .",neutral +"In a media advisory , the NTSB said that after subsequent testing , `` the train detection system intermittently failed . ''",neutral +"According to Honka Japan 's Managing Director Marko Saarelainen , Honkarakenne exports about 200 ready made log houses to Japan a year .",neutral +"Below are consolidated , unaudited results for Amanda Capital under IFRS reporting standards .",neutral +The Finnish daily Kauppalehti surmises that Finnish supplier Rautaruukki has raised its prices above Aker 's comfort zone .,neutral +"Tornio Works employs 2,300 of whom more than 1,800 have been in the scope of the fixed-period or part-time temporary layoffs in April-October period .",neutral +The result before taxes was a loss of 25.0 million euros .,neutral +BHP Billiton drags FTSE lower after slashing dividend,negative +"Alma Media holds 70 % of this company , the remaining shares being owned by the company 's key employees .",neutral +"It is a member of the OneWorld alliance , which includes American Airlines and British Airways .",neutral +"Many of the commercial vessels had got stuck in the narrow Bay of Bothnia , where the ice is thicker , and around the Aaland islands .",neutral +"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 .",positive +Ponsse projects the forest machine markets to improve more than expected in 2010 from the previous year .,positive +"Ahlstrom Corporation Anne Pirila Director , Financial communications Distribution : Helsinki Stock Exchange Main media Ahlstrom in brief Ahlstrom is a leader in the development , manufacture and marketing of high performance fiber-based materials .",neutral +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 .,positive +"The price of raw material aluminium went up at the end of 2005 , but the company considers its outlook for 2006 favourable .",positive +volatility squeeze in $AAPL. I hope it gets resolved to the upside,neutral +"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 .",positive +"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 .",neutral +"OTHER North-Rhine Westphalia - Is to issue a benchmark , 5 year fixed rate deal in Euros .",neutral +"F-Secure reported that : - The first half of 2008 has seen a growing number of targeted malware attacks on individuals , companies , and organizations .",neutral +$YELP wayyy overvalued right now IMO. Should be trading single digits. May take a short pos. into earnings. Near term target 18 ......,negative +"As a domestic business , Best-In is already close to Finnish dog owners .",positive +"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 .",neutral +"Neste Oil extended yesterday 's gains and put on 0.49 pct to 22.72 eur , while utility Fortum shed 1.14 pct to 20.76 eur .",neutral +@scottrade Why is $tsla not available for shorting at this time? Same for $w?,negative +"Finnish Neste Oil that was previously on the list , has fallen off the list completely .",neutral +The webcast may be followed online on the company website at www.ruukki.com/investors .,neutral +YIT says the acquisition is a part of its strategy for expansion in Central and Eastern European markets .,positive +"The Hayward , Calif.-based target designs active , casual and dress footwear , as well as boots and sandals .",neutral +"It s an area that is highly valued , because most of the land there has already been built on .",neutral +"There are companies , which are ready to invest their own funds in this deal such as Rostelecom RTS : RTKM .",positive +QPR product family is fully compatible with Microsoft 's Windows 7 operating system .,neutral +"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 .",neutral +It will use the proceeds from the transaction to achieve its target .,neutral +@CH_Roark: $UNXL I like this Ascending Triangle on the 30-minute chart. Breakout coming Monday! http://stks.co/aT3GLooks promising.,positive +"Profit before taxes was EUR 4.0 mn , down from EUR 4.9 mn .",negative +"`` 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 .",positive +"When this information was released on 5 September 2008 , Nokia 's American Depositary shares fell by 8 % .",neutral +All Amer Sports companies develop and manufacture technically advanced products that improve the performance of active sports participants .,neutral +The company pledged that the new software would render e-mails and other documents much as they appear on desktop computers .,neutral +"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 . ''",positive +Kingfisher takeover of Mr Bricolage could hit a brick wall,negative +"( 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",negative +"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 .",neutral +"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 .",neutral +Niam offer financial investors a high return via investments in funds that in turn invest in all types of properties .,neutral +$AVGO great growth stk & also raised dividend . clearly a great investment http://stks.co/r2F3h,positive +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 .,positive +"Trading code : ELI1V Number of shares : 99,483 Price-share : Gratuitous After the transfer , Elisa holds a total of 10,435,023 own shares .",neutral +The deal is subject to approval by the Norwegian competition authorities .,neutral +Fortum had intended to spend as much as ( EURO ) 2.7 bn to become the sole owner of TGK-10 .,neutral +"The period 's sales dropped to EUR 30.6 million from EUR 38.3 million , according to the interim report , released today .",neutral +The solutions will be used for upgrading the networks of a Russian MSO in 37 different cities in Russia .,positive +`` The combined activities will create value for shareholders and be good for our employees and customers .,positive +He confirmed his view on July 6 .,neutral +Glencore blames rivals for creating metals glut,negative +Estonia 's beer market overall grew three percent last year to 130 million liters .,positive +"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 .",neutral +"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 .",neutral +The company will also be compensated for acting as a reserve batch plant .,positive +@asdfLLC. Nice pop today. Told ya we would be green haha. Funny you bring that up. I'm actually working on a story about $NOK at the moment,positive +"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 .",negative +$INO back in this am small post,positive +"`` Because we 're a pension insurance company , we 're required to diversify and not put too much in one asset class .",neutral +"`` P&O Ferries now has a very efficient and powerful vessel for its Dover to Calais route , '' head of the shipbuilder 's Rauma yard , Timo Suistio , said .",positive +"$pcln back over ""up"" trendline from 10/4",positive +"( 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 .",negative +"Only this time , Nokia , India 's largest MNC , has sought out a topic that could spark off a million approaches ` Creativity in Emerging Markets .",neutral +I don't see it. 200 day sma is the big hurdle. There is a good base building. $NFLX https://t.co/ImKYGO2cyc,positive +Autotank Group is part of Aspo 's Systems Division .,neutral +"In a media advisory , the NTSB said that after subsequent testing , `` the train detection system intermittently failed . ''",negative +"Wartsila won the contract in October 2007 and the plant will be installed at Manturovo in the Kostroma region of Russia , about 600 km northeast of Moscow , Russia .",positive +Elisa has commissioned Finland 's Poyry Telecom Oy to conduct a study of reception in some of Estonia 's largest cities besides Tallinn .,neutral +Fortum also has a blocking stake in Northwestern TGK-1 .,neutral +It will report full-year results on August 22 .,neutral +It has been agreed with the company 's Board of Directors that she will be available in an advisory role .,neutral +"Kaupthing forecasts that Finnish-Swedish Stora Enso will close its mill in Reisholz , in Germany .",neutral +"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 .",positive +`` Ruukki is now included on DJSI World for the second year running and the European DJSI STOXX for the third year running .,neutral +New Credit Suisse boss faces stiff challenge in Asia,negative +"Operating loss totalled EUR 5.2 mn , compared to a loss of EUR 3.4 mn in the corresponding period in 2008-2009 .",negative +"Operating profit was EUR -0.1 mn , down from EUR 1.3 mn .",neutral +Russia 's Video International Group holds a controlling stake in Russian Media Ventures .,neutral +Earnings per share ( EPS ) amounted to a loss of EUR0 .05 .,neutral +"SiriusXM added 465,000 net new subscribers in the first quarter of 2016 $SIRI #CEO #sales #marketresearch #tech #entrepreneur #Speaker",positive +"Through the Nordic Exchange , OMX offers access to approximately 80 percent of the Nordic and Baltic securities market .",neutral +"The Group 's business sectors are Building Construction , Infrastructure Construction , Technical Building Services , and Building Products .",neutral +"Thanksto improvements in demand and the adjustments we have made , theutilization rates of Cramo 's fleet have substantiallyimproved . ''",positive +"For 2009 , net profit was EUR3m and the company paid a dividend of EUR1 .30 apiece .",neutral +FDA approves Shire's Vyvanse for binge-eating disorder,positive +Micron Shares Pounded On Fears Of Loss Of Business From Apple; Stifel Defends $AAPL $MU http://stks.co/t1Z8T @Marjo,negative +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 .,positive +UPDATE 1-Berkshire applies to boost Wells Fargo stake above 10 pct,positive +The use of validation rule base enables verifying that processing rule bases managed by different administrators fulfil some set requirements .,neutral +"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 .",negative +"National Conciliator Juhani Salonius , who met both parties on Wednesday , said they were too far apart in their views for him to propose mediation .",neutral +Long $X 24.62,positive +"The number of class A shares remains unchanged at 9,526,089 shares .",neutral +Operating profit fell to EUR 6.2 mn from EUR 8.5 mn in the third quarter of 2007 .,negative +The pipeline is strong .,positive +Implementation of the project will be carried out by the Finnish company YIT in association with the investment fund Evli Property Investment Russia ( EPI ) .,neutral +The Extraordinary General Meeting is expected to take place no later than 18 February 2011 .,neutral +"Rautalinko was resposnible also for Mobility Services , and his job in this division will be continued by Marek Hintze .",neutral +"Operating result showed a loss of EUR 2.9 mn , while a year before , it showed a profit of EUR 0.6 mn .",negative +"( 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",positive +"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 .",neutral +"Kesko 's car import and retailing business , VV-Auto , saw sales grow by 17.1 pct .",positive +"Pretax profit rose to EUR 1,019 mn from EUR 1,007 in the corresponding period in 2005 .",positive +$COH Gaining Momentum! Nice buy signals here! Long Over $35.92 http://stks.co/t0tAh,positive +"Investors will continue being interested in the company 's share although it is not quite cheap , Affarsvarlden said .",positive +"$SLW is down, but weekly $34 calls (-28.95%), .23 x .25 have 321 volume. Worth a chance here, jmho: http://stks.co/1Qfg",positive +He is a member of the Board of numerous com-panies and a shareholder of the Boardman Ltd board specialist net-work .,neutral +Finnish Vacon has signed significant deals with Norwegian Scandinavian Electric Systems ( SES ) on the supply of AC drives .,positive +"Finnish Kemira Group 's CEO , Lasse Kurkilahti , says the Group 's structural reorganisation will continue for at least a year .",neutral +"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 .",neutral +The figure does not include food exports from Finland .,neutral +They are also upset that some of the machinery and work is taken over to Poland .,neutral +"The operations to be sold include manufacturing units in Finland , France , Poland and Turkey , as well as sales units in Germany and Lithuania .",neutral +"Operating income was EUR -24.9 mn , including EUR 15.3 mn of restructuring expenses .",neutral +The company distributes Hiab 's products as well as other products .,neutral +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 .,neutral +Pretax profit rose to EUR 17.8 mn from EUR 14.9 mn in 2005 .,positive +"The alliance aims to tap pocketable mobile computers , netbooks , tablets , mediaphones , connected TVs and in-vehicle infotainment systems .",neutral +Buffett's Company Reports 37 Percent Drop in 2Q Earnings,negative +"Tikkurila Powder Coatings has some 50 employees at its four paint plants , which generated revenues of EUR2 .4 m USD3 .3 m in 2010 .",neutral +Finnish Bore that is owned by the Rettig family has grown recently through the acquisition of smaller shipping companies .,positive +Satama and Trainers ' House will remain as names and independent brands of the business areas .,neutral +"Operating profit totaled EUR 9.4 mn , down from EUR 11.7 mn in 2004 .",neutral +"Operating profit totalled EUR 30.2 mn , down from EUR 43.8 mn a year earlier .",negative +"Complete name of shareholder : Otto Henrik Bernhard Nyberg For further information , please contact Maija-Liisa Friman , CEO , tel. +358 9 7597 0711 .",neutral +The emerging markets that Raisio has chosen to enter so far are marked by relatively low per capita food consumption .,neutral +$CAMT Looks like might break down. I'm out,negative +Commission income fell to EUR 4.6 mn from EUR 5.1 mn in the corresponding period in 2007 .,neutral +We are now taking Marimekko there on a distinctly more significant scale .,neutral +"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 .",negative +"Yesterday , Legrand issued its E300 million fixed rate deal maturing 2017 .",neutral +"Of course , you 'll have direct access to Nokia 's Ovi store , so you 'll have lots of fun downloading your favorite media .",neutral +"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 .",negative +"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 .",positive +Repeats sees 2008 EBITA above 18 pct of sales .,positive +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 .,neutral +"`` We hope to clarify our policies to Finnish businesses where there are any gray areas , '' Motlanthe said .",neutral +The bank 's leasing arm Nordea Liising ended the year with a profit of 4.4 million euros .,neutral +The company 's board of directors has proposed a dividend of EUR0 .12 per share for 2006 .,neutral +"`` However , the rapidly increasing costs and the strengthening of the euro were challenging for the whole industry , and they impacted on our results . ''",negative +"Argentine agricultural export company Calafate has tapped compatriot firm Finnegans for a software solution , the latter company said in a statement .",neutral +"`` We are delighted to announce our support for Intel based handheld platforms , the capabilities of which have made our development easier and faster .",positive +$NFLX and $TSLA making all kinds of gains 📈,positive +Out of shorts $ALTR at 38.85 with loss,positive +"Operating profit totalled EUR 9.0 mn , down from EUR 9.7 mn in the first half of 2008 .",negative +"$FB trend, hits mid 110's and drops",negative +"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 .",neutral +"Several large stocks tacked lower , however .",neutral +"JVC will stop producing DVD players in Brazil : JVC do Brazil , a subsidiary of Japan 's JVC group announced it will stop the production of DVD players in Brazil .",neutral +"$AMZN trades in mid to upper range. No break out yet, either direction",neutral +Roshan 's net sales in 2006 were $ 191 million and EBITDA was $ 66.5 million .,neutral +The terms and conditions of the Stock Option Scheme 2008 are available on the Company 's internet pages www.sanoma.com .,neutral +"Earnings per share EPS amounted to EUR0 .03 , up from the loss of EUR0 .08 .",positive +Joint procurement will be later extended to the factories in the Baltic countries .,neutral +"( 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. .",neutral +( The acquisition sum has not been disclosed . ),neutral +The sales of the Tiimari segment fell by 4.0 % year-on-year to EUR3 .3 m in June 2010 .,negative +"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 .",positive +Revenue grew 12 percent to ( x20ac ) 3.6 billion ( US$ 4.5 billion ) .,positive +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 .,neutral +We are pleased to invite you to join M-real 's international conference call at 3:00 p.m. EET .,neutral +"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 .",positive +"BasWare is headquartered in Espoo , Finland .",neutral +"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 .",positive +The order for plywood mill machinery and equipment announced by Finnish Raute in September 2006 will be delivered to Thebault Plyland in France .,neutral +The Swedish player became majority owner of UCell in mid-2007 .,neutral +"As a result , 12 people will be made redundant and a total of 67 persons are laid off temporarily .",negative +$aapl short term fund/redemption liquidations.. Should have the channel cleared soon and on solid footing. $520 is new floor come July! :),negative +AstraZeneca Teams With Daiichi Sankyo To Sell Movantik In US,positive +ND = Not disclosed .,neutral +"`` This contract demonstrates our ability to apply our minerals and metals technologies in adjacent industries , such as oil shale processing .",positive +The stock was hit by the profit warning of Finnish rival Rautaruukki Oyj ( OMX : RTRKS ) .,neutral +"Empresa de Desarrollo Urbano de Quito , INNOVAR-UIO , Ecuador has commissioned Poyry to prepare a feasibility study for a new urban rapid mass transit system .",neutral +Finnish technology company Raute Corporation ( OMX Helsinki : RUTAV ) issued on Tuesday ( 23 September ) a profit warning for the financial year 2008 .,neutral +RSA 's shares closed at 156.9 p at the time of going to press .,neutral +$RCON some upside today. This thing is severe low float. If there is catalyst for this guy. It can run.,positive +"$JE LOOKS like we are bouncing. Would be nice to finish over $6 today, and make the hammer. Nice volume from 5.77 bottom. Fingers crossed",positive +An audio webcast will be available live and archived on Cerner 's Web site at www.cerner.com .,neutral +$AAPL Goldman Sachs reiterates conviction buy on Apple with a $155 PT $SPY $DJIA $GS https://t.co/h5hmXSITwM,positive +"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 .",neutral +ouch looks like $tsla shorts getting skinned again,positive +The first of the two project phases is expected to be completed by the end of 2012 .,neutral +$PG Ackman making the big added efficiency argument. betting on operational imporvement in a huge conglomerate can go either way imo.,positive +"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 .",positive +"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 .",neutral +Efore has decided to establish a company for eletric vehicle ( EV ) business in China .,neutral +"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 .",negative +The passenger tunnel is expected to be put into operation in 2009 .,neutral +Tata Steel working with StanChart for UK unit sale - source,positive +"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 .",neutral +"As a result , it has started negotiations with the banks on provisional amendments concerning the covenants and other credit terms .",neutral +Activities range from the development of natural resources to the retailed marketing of finished products .,neutral +$PLUG Closed short position. Small gain. Not interested in options expiring worthless,positive +"The Apple Inc. iPhone wo n't change the game plan for Verizon Communications Inc. , Chief Executive Ivan Seidenberg said Wednesday .",neutral +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 .,positive +AstraZeneca sells US drug rights to Perrigo for $380 mln,positive +Short interest increases yet again http://stks.co/e19h via @ryandetrick $SPY,negative +"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 .",neutral +$HZNP havent seen vol like this since the runup. lets see one more dip to 2.0x,negative +"The subscriptions increase Cargotec 's share capital by 36,780 euros .",positive +Diluted earnings per share ( EPS ) stood at EUR 0.25 versus EUR 0.42 .,neutral +"Daily Mail owner considering Yahoo bid $yhoo ,up 2,05% https://t.co/extZr1riyP",positive +"`` This vessel order will help Aspo secure the long-term competitiveness of its fleet , both in terms of technology and pricing .",positive +"In the second quarter of 2009 , net sales through operator business partners represented 47 % of the Group 's total net sales .",neutral +ArcelorMittal Chief Executive Officer Lakshmi Mittal has already cut output at some furnaces .,negative +"As such , the space has blond wood floors ( unlike the rest of the store ) and a notably Scandinavian vibe .",neutral +The proposed consolidation activities will impact approximately 30 positions .,neutral +Consumption is forecast to grow by about 2 % .,positive +UPDATE 1-EU regulator backs approval for GSK injectable asthma drug,positive +Starbucks downgraded on same day as new downgraded rewards program starts $SBUX,negative +You are warmly welcome !,neutral +Efore 's CEO Reijo Maihaniemi said that the company has developed and already delivered power supply units to respective systems based on this technology to Chinese sector company ZTE Corp SHE : 000063 .,neutral +"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 .",positive +"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 .",neutral +"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 .",positive +"Global Markets Direct 's Pohjola Bank plc - Financial Analysis Review is an in-depth business , financial analysis of Pohjola Bank plc. .",neutral +SABMiller revenue hit by weaker EM currencies,negative +ABB Deutsche Bank upgraded its recommendation on Swiss-Swedish engineering group ABB Ltd. to ` Buy ' from ` Hold ' .,positive +"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 .",neutral +"Ackman, in email, says supports Valeant CEO Pearson",positive +"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 .",neutral +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 .,neutral +"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 .",negative +"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 .",neutral +Solidium picked up Tikkurila shares as a dividend at a book value of EUR15 .80 per share .,neutral +The bank sees a potential for Getinge share to rise .,positive +Finnish food industry company L+ñnnen Tehtaat is planning changes to its fish product business .,neutral +"Quarterly diluted EPS on continuing operations came in at 0.21 eur , compared with last year 's 0.12 eur .",positive +"Construction work on the Helsinki Music Centre is to start this autumn , with the total cost of the project estimated at 140 million euros .",neutral +@1nvestor: $SODA has a 42.71% Float Short. LoL http://stks.co/e0DfP,negative +"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 .",neutral +"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 .",positive +Uponor maintains its full-year guidance for 2010 .,neutral +Stora Enso Oyj said its second-quarter result would fall by half compared with the same period in 2007 .,neutral +"Latin America currently accounts for approximately 40 % of sales at Tecnotree , company president and CEO Eero Mertano recently told BNamericas .",neutral +Its 168 asset management experts manage assets worth over EUR 35 billion .,neutral +Tesco leads FTSE higher on Clubcard bid reports,positive +Finnair was able to operate most of its leisure flights despite the strike .,positive +"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 .",negative +"TeliaSonera 's underlying results however included 457 mln skr in positive one-offs , hence the adjusted underlying EBITDA actually amounts to 7.309 bln skr , clearly below expectations , analysts said .",negative +"Finnish software and hardware developer Elektrobit Oyj HEL : EBG1V , or EB , said today it will temporarily lay off up to 200 people for a maximum of 90 day in Finland , aiming to achieve cost savings of EUR 1.7 million USD 2m in the second half of 2010 .",negative +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 .,negative +"no compensation for its news , opinions or distributions .",neutral +Revenue grew 1 percent to euro742 .2 million US$ 964 million from euro735 million .,positive +"At the seminar , a memorandum of understanding on co-operation was signed between the Finnish Kemira Company and Vietnam National Chemical Corporation .",positive +"Votorantim Celulose e Papel ( VCP ) is part of the Votorantim Group , a major Brazilian conglomerate .",neutral +"The Finnish company is building a 800,000 mt-year biodiesel plant in Singapore .",neutral +"The sale , comprising the margarine business in Finland and Poland , follows the approval of the Polish competition authorities earlier in October .",neutral +"The plant will go on stream in November 2008 and its estimated daily production will be 120,000 litres of bioethanol .",neutral +"Operating profit excluding non-recurring items amounted to EUR 40.6 mn , down from EUR 57.3 mn year-on-year .",negative +"The Group 's revenue amounts to over EUR 80 million , about half of which is accounted for by exports .",neutral +"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 .",negative +"LKAB , headquartered in Lulea , Sweden , is a high-tech mining company producing upgraded iron ore products for the steel industry .",neutral +`` They want my credit card info and my personal details .,neutral +UPM-Kymmene has generated thirty-one consecutive quarters of positive EBITDA .,positive +"Really surprised by how much $FB has now fallen. Thought there'd be some support around the 50d, but I guess not.",negative +"Operating loss totalled EUR 12.7 mn , compared to a profit of EUR 17.7 mn in the first half of 2008 .",neutral +The event can also be viewed as a live audio webcast at www.ahlstrom.com .,neutral +Operating profit excluding non-recurring items was EUR 7.8 million compared to EUR 11.2 million .,negative +"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 .",neutral +The operating margin came down to 2.4 % from 5.7 % .,neutral +"`` In Ukraine , too , we act as a partner for major bakery clients in both production and product development .",neutral +"As a result of the merger , the largest professional electronics and telecommunications technology contract manufacturing center in Finland will be formed in Sievi .",neutral +The transaction is in line with Aspo 's strategy to expand in the Baltic Sea region and in the eastern markets .,positive +Merging the two free sheets will clarify the market situation .,neutral +Arena Partners Oy is a development company for electronic business .,neutral +Cramo slipped to a pretax loss of EUR 6.7 million from a pretax profit of EUR 58.9 million .,negative +The studies are expected to start in 2008 .,neutral +Net profit in the same period in 2006 was 36.6 million euros .,neutral +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 .,negative +The number of magazine and newspaper readers remained unchanged .,neutral +The company had net sales of EUR 19.8 mn and a pre-tax profit of EUR 1.8 mn in 2005 .,neutral +"The workforce will be reduced also in the Amsterdam office , in the Netherlands .",neutral +Yvonne Jones is owner of Chameleon Interiors .,neutral +"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 .",neutral +"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 .",neutral +The parties have also agreed on options that allow UH to extensively implement later on also functionalities of human resources management .,positive +"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 .",neutral +Finnair believes the strike will cause it daily net losses in excess of EUR 2mn due to canceled reservations and passenger re-routing .,neutral +Nordea sees a return to positive growth for the Baltic countries in 2011 .,positive +The negotiations will concern the plant 's department producing winded roving that employs 10 people .,neutral +"POYRY PLC Additional information by : Martin Kuzaj , President , Industry Business Group , Finland Tel. +358 10 33 21179 Sanna Paivaniemi , Director , Investor Relations , Poyry PLC , Finland Tel. +358 10 33 23002 Poyry is a global consulting and engineering company dedicated to balanced sustainability .",neutral +"@Binkster69 Not that. it's just ER's lol. But looking at the correlation of $ARIA and foreign price charts, they are all poised to breakout.",positive +"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 .",neutral +"As part of its new strategy , Finnish Biohit is planning to incorporate its diagnostics business into a separate limited company .",neutral +"Virala Oy Ab was allocated by the Board of Directors an amount of EUR 1,9 million which is EUR 0,25 million lower than maximum announced on 12/30/2010 .",neutral +"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 .",positive +Another firm Air Liquide was exempted because it left the market in 1998 .,neutral +Finnair 's total traffic decreased by 8.7 % in terms of revenue passenger kilometres .,negative +"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 .",neutral +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 .,negative +"HELSINKI AFX - Cargotec said it has bought a 95 pct stake in Indital Construction Machinery Ltd , a Bangalore-based company that makes fork lift trucks and mobile cranes , for an undisclosed sum .",neutral +"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 .",positive +$DCTH Near HOD,positive +CS Cabot 's main consumers on the Czech and Slovak market are tires producers Barum Continental and Matador Continental .,neutral +ALERT: New MACD signal created on $CTXS - Buy at 77.09 - Time: 18:23 - Strength: 10. Powered by https://t.co/4TdgjEDLLZ,positive +Cameco typically prices sales contracts using a 40:60 ratio of fixed prices and spot prices .,neutral +"The total service concept also includes technology services , with which Raute supports its customers throughout the entire life cycle of their investments .",neutral +Russia wants to utilise its huge forest reserves in a very different way from what has been done so far .,neutral +"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 .",neutral +Diluted earnings per share ( EPS ) fell to EUR 0.63 from EUR 1.71 .,negative +Incap Furniture is presently negotiating staff cuts .,neutral +$AAPL broke descending channel....will it hold?,neutral +The acquisition is expected to improve access to chrome ore resources in Turkey .,positive +"When this investment is in place , Atria plans to expand into the Moscow market .",neutral +"The respondents praised Finnair 's reliability , Finnishness , and understanding of its target group .",positive +Satama earned Data Management Solutions competency with Business Intelligence specialization recentlyvia the acquisition of Fimentor Oy .,positive +"We aim to ensure that Vacon is in good shape when capital expenditure starts to pick up again , '' comments Vacon Plc President and CEO Vesa Laisi .",positive +"The objective is that trading in the shares will commence on May 2 , 2007 .",neutral +$tsla X recall not a big deal... the problem is now they will have an excuse to guide way way lower...,neutral +"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 .",neutral +"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 .",positive +Why not subscribe to the magazine ?,neutral +"Janis Arbidans , CEO of YIT Celtnieciba , said the company was focusing on housing and real estate development market .",neutral +It was decided that the auditors are reimbursed according to invoice .,neutral +Kalmar Espana generated net sales of some 11.3 mln euro $ 14.8 mln in 2005 .,neutral +"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 .",neutral +"@louiebeene vwap is 1.63, held the trend line. Should be on a LOT of radars. $NAVB",positive +ARM Holdings plc Partners With International Business Machines Corp. To Drive ...,positive +"Under Finnish law , Parliament grants licences to build nuclear power plants .",neutral +Operating profit excluding non-recurring items totaled EUR 5.4 mn compared to EUR 5.5 mn in the corresponding period in 2007 .,negative +"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 .",neutral +$CDTI bounce here on support or H&S setup this area is very important for bulls to not lose http://stks.co/c0mf3,positive +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,neutral +"The businesses to be divested offer dairy , edible fats , ready-meal and ice-cream packaging to multinational and local customers .",neutral +"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 .",neutral +Microsoft last week also issued the first patch for the Windows 7 operating system beta it had released days earlier .,neutral +1 Block lamp Harri Koskinen 's light was introduced in 1996 and has been a bestseller ever since .,positive +The original patent was filed in Finland under application No. .,neutral +"Compared with the FTSE 100 index , which fell 35.2 points ( or 0.6 % ) on the day , this was a relative price change of 0.6 % .",neutral +"Ruukki 's delivery includes steel structures , including installation , for Krakeroy bascule bridge and steel piles for the bridge foundations .",neutral +"Forestries were also higher , driven by yesterday 's bullish analyst comment on Stora Enso in Dagens Industri , dealers said .",positive +4 January 2011 - Finnish media company Alma Media Corporation HEL : ALN1V said today its online recruitment service Monster Oy will partner with local newspaper publisher Suomen Lehtiyhtyma in listing job advertisements .,neutral +"Tesla Motors recalls 2,700 Model X SUVs https://t.co/BFWS3DbM0U $TSLA",negative +"The interim report for the first quarter is published on May 8 , 2009 .",neutral +"Agricultural newspaper Maaseudun Tulevaisuus had 318,000 readers , representing a decrease of 6 % .",negative +"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 .",neutral +The group 's net sales in 2007 were EUR683 .6 m.,neutral +"The unit 's clients are mainly in the field of specialist convenience goods , as well as in the textile , shoe and furniture businesses .",neutral +"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 .",neutral +"Sarantel , based in Wellingborough , UK , designs high-performance antennas for portable wireless devices .",neutral +Philippines' San Miguel says to partner with Kirin if it bids for SABMiller's ...,positive +A high court in Finland has fined seven local asphalt companies more than lion ( $ 117 million ) for operating a cartel .,negative +Net profit fell by almost half to +é 5.5 million from +é 9.4 million at the end of 2007 .,neutral +"$AGN and $PYPL under pressure along with the market, however there were bullish options trades in both this morning https://t.co/9xG5W8nONT",neutral +UPM stock fell 3 percent to EURO 12.49 $ 17.24 in early afternoon trading in Helsinki .,neutral +"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 .",neutral +The stock rose for a second day on Wednesday bringing its two-day rise to GBX12 .0 or 2.0 % .,positive +"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 .",neutral +"The port facilities ' throughput is 250,000 TEUs and 7.5 mln tons of general cargo .",neutral +Investments are not disclosed .,neutral +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 .,positive +"At the end of March 2009 , the company 's loans amounted to EUR 10.113 mn .",neutral +The value of the order is about EUR 30mn .,neutral +"The market making in accordance with the agreement will begin on September 24 , 2009 .",neutral +$FB popping up to HOD,positive +"`` I am very pleased and proud of our performance last year , '' Chief Executive Juha Rantanen said in a statement .",positive +"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 .",neutral +"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 .",neutral +The identity of the buyer is not yet known .,neutral +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 .,positive +RT @robbieLOLZ $NFLX A close above here is looking good for the bulls. Will hold my positions to see where we close at. Keep buying here.,positive +Under the contract Cramo Sverige and its subcontractor Brinkab AB will provide all scaffolding installations at LKAB 's new pellets plant in Kiruna in northern Sweden .,positive +"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 .",neutral +"It makes a wide range of mobile devices with services and software that enable people to experience music , navigation , video , television , imaging , games and business mobility .",neutral +easyJet expects resilient demand to withstand security fears,positive +RT @jan $ARNA Don't think buyout rumor strong enough too be driving this up just yet...when it is this may fly like aapl...// fly how high?,neutral +"$SLV -4.44% at 18 now AWFUL, down from 42.50",negative +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 . '',neutral +"The broker started UPM-Kymmene , Stora Enso and Sappi with ` equal-weight ' recommendations and Holmen and Norske Skog with ` underweight ' ratings .",neutral +"Operating profit margin was 8.3 % , compared to 11.8 % a year earlier .",neutral +"The markets are almost completely controlled by three banks : Nordea , OP Bank Group , and Sampo .",neutral +Net profit fell by almost half to +é 5.5 million from +é 9.4 million at the end of 2007 .,negative +"EQ Bank forecasts Olvi 's net sales at EUR 67mn in the second quarter of 2009 , and operating profit at EUR 6.4 mn .",neutral +"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 .",positive +"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 .",neutral +The bridge will be built to the south of the existing bridge spanning the strait .,neutral +The deal will have no significant effect on the acquiring company 's equity ratio .,neutral +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,neutral +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 .,positive +The value of the multi-year agreement is over EUR 2mn a year .,neutral +"Glencore Cuts 2015 Budget, Plans To Divest From Lonmin",negative +Cash flow from business operations totalled EUR 0.4 mn compared to a negative EUR 15.5 mn in the first half of 2008 .,positive +"Compared with the FTSE 100 index , which rose 28.3 points or 0.5 % on the day , this was a relative price change of 2.3 % .",positive +"At the moment , Valio is not worried , but if the ban continues for long , it may become quite a problem .",negative +Zurich Insurance Considering Offer for UK Rival RSA Insurance,positive +"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 .",neutral +"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 .",neutral +"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 .",neutral +It will also strengthen Ruukki 's offshore business .,positive +The handset maker did not disclose any financial details .,neutral +The plant is expected to start production in the first half of 2007 .,neutral +"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 .",positive +The electricity requirement of networks will grow with the new mobile generation .,neutral +"Order intake , on the other hand , is expected to be stronger than in 2007 .",positive +"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 .",negative +"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 .",neutral +No changes regarding the Virala Oy Ab s ownership of shares of Tiimari has taken place .,neutral +"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 .",neutral +"Operating profit totalled EUR 21.1 mn , up from EUR 18.6 mn in 2007 , representing 9.7 % of net sales .",positive +"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 .",negative +Long $GPRO for a brealout trade,positive +The terms and conditions of Stock Option Scheme 2004 are available on the Group 's website .,neutral +Net sales grew in the period to x20ac 402 million $ 585US million from x20ac 401 million in 2006 .,positive +"Operating margin , however , slipped to 14.4 % from 15.1 % , dragged down by a poor performance in enterprise solutions .",negative +"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 .",neutral +"Dolce & Gabbana has asked the European Union to declare Marimekko Corporation 's `` Unikko '' floral pattern trademark invalid , in a continuing dispute between the two companies .",neutral +Electronic versions require 24-48 hours as each copy is customized to the client with digital controls and custom watermarks .,neutral +"The contract covers the supply of temporary heating equipment for LKAB 's new pellet plant in Kiruna , in northern Sweden .",neutral +"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 .",neutral +"Operating profit was EUR 139.7 mn , up 23 % from EUR 113.8 mn .",positive +"Cash flow from operations totalled EUR 7.4 mn , compared to a negative EUR 68.6 mn in the second quarter of 2008 .",positive +Her present position is the director of Stockmann 's international department stores .,neutral +Juniper tumbles on Q1 warning; Cisco also lower https://t.co/N8X8BpLJ1E $JNPR $CSCO,negative +Finnish Rautaruukki is selling its precision tube and automotive component processing unit Carl Froh in Germany to German Arques Industries .,neutral +Forest certification is a voluntary system aimed at promoting sustainable forest management in commercial forests .,neutral +The products have a low salt and fat content .,neutral +UPDATE 5-SABMiller rejects AB InBev's $104 bln takeover approach,positive +"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 .",neutral +The new units should become one of the largest ones within the company .,neutral +"In this case , the effect would be negative in Finland .",neutral +Prices and delivery volumes of broadband products decreased significantly in 2005 .,neutral +"$KNDI #China #ElectricCar maker. China car sales +7.8%. Also, may feed off $TSLA momentum run lately.",positive +"According to Bosse , the present cooperation is beneficial to all parties , however .",positive +Cash flow from operations rose to EUR 52.7 mn from EUR 15.6 mn in 2007 .,positive +"Fiskars Brands report net sales of EUR 145.8 mn , up from EUR 138.4 mn .",positive +"The Annual Report contains the financial statements , the consolidated financial statements , the report by the Board of Directors and the auditor 's report .",neutral +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 .,neutral +The company 's board of directors would propose a dividend of EUR0 .15 per share for 2005 .,neutral +"On the other hand , Finnish sawmills ' production has decreased even more .",neutral +"This new deal has strengthened the partnership from Telemig Celular and Tecnomen , which it has started since the beginning of Telemig 's prepaid operations .",positive +Tesco leads leap in FTSE 100; Marks & Spencer drops,positive +"SSH Communications Security Corporation is headquartered in Helsinki , Finland .",neutral +RISING costs have forced packaging producer Huhtamaki to axe 90 jobs at its Hampshire manufacturing plant .,neutral +"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 .",neutral +Unilever 's Turun Sinappi that is made in Sweden holds 40 % of the market .,neutral +"Thus the group 's balance sheet will have about EUR25 .8 m in goodwill for 2010 , the company added .",neutral +"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 .",neutral +Border Guard Service has banned the mooring of the company car-shipping ferry on its test travel at the railroad-car terminal of the Russian port as the border checkpoint is not yet ready .,negative +Financing of the project will come mainly from China .,neutral +`` The purchase of the operations is part of YIT 's strategy to expand its offering of building system services geographically . '',positive +"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 .",positive +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 .,negative +UPM-Kymmene has generated seventeen consecutive quarters of positive Cash Flow from Operations .,positive +"Konecranes Oyj KCR1V FH fell 5.5 percent to 20.51 euros , the biggest fall since June .",neutral +"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 .",neutral +Vianor sells tires for cars and trucks as well as a range of other car parts and provides maintenance services .,neutral +"Patrick Jeambar will also continue being responsible for Innovation and Health , safety and environment HSEA functions of Ahlstrom Corporation .",neutral +"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 .",neutral +Royal Mail share price rallies amid positive broker comments,positive +"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 % .",positive +"For the purposes of the possible acquisition , PKC would establish a subsidiary in Poland .",neutral +"Its main business area , the Glass Machinery Group of Glaston Technologies , is the global market leader in glass processing machines .",positive +Operating profit fell to EUR 20.3 mn from EUR 74.2 mn in the second quarter of 2008 .,negative +"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 .",positive +"The negotiations were carried out in a constructive manner , and all parties tried to find a solution to the situation .",positive +"As a result , the company currently anticipates net sales to increase and the operating result to be positive .",positive +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 .,negative +The company 's model is based on developer contracting construction projects and customer focused project management .,neutral +The SeaWind that was en route from the Finnish port of Turku to Stockholm got stuck in ice already around 4 p.m. on Wednesday and the Regal Star 's journey from the Swedish port of Kapellskar to Paldiski in northwestern Estonia was cut short at 2 a.m. on Thursday .,negative +Operating loss amounted to EUR 0.7 mn compared to a profit of EUR 0.8 mn in the second quarter of 2005 .,neutral +"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 .",neutral +"The sale will result in a capital loss of EUR5m for Solidium , which obtained Tikkurila shares in March 2010 .",negative +"Price talk is in the mid-market swaps plus 105 bps area and the leads are Barclays , BNPP , UBS and CBA .",neutral +"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 . ''",positive +It is planned to set up the A class business center in the two top storeys of the complex .,neutral +"$CNP Sell Short Position on CNP,...Closed for Profit $ 59,367.00 (7.75%) http://stks.co/ghjc",positive +Commented on It's Time To Embrace Dividend Growth https://t.co/wc2qfP79TN $ABBV $CSCO $WYN,positive +"CaixaBank, dos Santos Agree on Plan for BPI Angola Exposure",positive +"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 .",neutral +"`` 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 .",neutral +"However , the growth margin slowed down due to the financial crisis .",negative +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 .,neutral +The share subscription period for C options will commence on 1 September 2008 and expire on 31 March 2011 .,neutral +"The device can also be used for theft protection and positioning of vehicles , boats and other assets .",neutral +"Cohen & Steers , Inc. : 5 534 530 shares representing 4.985 % of the share capital and voting rights .",neutral +"FastJet slams EasyJet founder Stelios for going public, is 'taking legal advice' over letter about contractual ...",negative +Total operating revenue grew by 27.6 % year-on-year to EUR61m .,positive +CompaniesActelion shares hit record on Shire takeover talk,positive +"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 .",positive +"Based on strong customer interest and feedback , using RPM mobile phone manufacturers , operators , enterprises and developer forums can significantly increase their product and service quality , user-experience and cost-efficiency '' , Tulonen continues .",positive +"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 .",neutral +"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 .",negative +"Thus the group 's balance sheet will have about EUR25 .8 m of goodwill , the company added .",neutral +"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 .",negative +"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 ) .",neutral +$AMZN long into earnings. looks good over 600,positive +"Operating loss totalled EUR 0.9 mn , down from a profit of EUR 2.7 mn .",negative +UPDATE 2-Pricey beers lift SABMiller's quarterly underlying sales,positive +"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 .",neutral +Ruling sets lower limit on potential fine for BP,negative +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 .,positive +Citrix Systems Inc $CTXS Position Increased by Mizuho… https://t.co/v7Lkq08Flp @ShareStockNews,positive +"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 .",negative +Also construction expenses have gone up in Russia .,negative +30 November 2009 - Finnish office furniture maker Martela Oyj HEL : MARAS said today that it will make redundant three people and other nine will be laid off permanently from the company 's office staff and factory workers .,negative +"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 .",neutral +"As a result of the share issue , the number of the company 's shares increases by 391,630 shares and the share capital by a total of EUR 15,665.20 .",neutral +"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 .",neutral +Combined net sales in 2006 were $ 27 million and EBITDA was $ 13.7 million .,neutral +Finland-based Stockmann Group has closed seven franchising sports stores Nike in Russia .,neutral +"Our key geographical markets are Europe , Russian Federation , Middle-East , South-Africa and Japan .",neutral +"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 .",neutral +"Finnish diversified holding company Aspo Oyj said on September 8 , 2008 that it will sell the Finnish tape business of its Kaukomarkkinat unit to local Oy Telpak Ab .",neutral +Phew! So far good $BBRY did not break 10.40 coz I was told that is key support level.,positive +"`` Uncommonly weak snow conditions in nearly every market have affected our first quarter result , '' Chief Executive Roger Talermo said .",negative +$TSLA stock gaining steam... Plus other notable moves from this week: https://t.co/Hz0wdp5za1,positive +The value of the order is USD 2.2 mn .,neutral +It will combine and renew the contents and functionality of the current systems for funding and online service as well as their maintenance .,positive +"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 .",positive +The restructuring measures will not affect the production of packaging printing material .,neutral +The serial bond is part of the plan to refinance the short-term credit facility .,neutral +"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 .",negative +It is now the leading private road ambulance service company in Finland .,positive +$IDCC - $89 share total value of company after crunching #'s. The 4g technology is their diamond in the rough.,positive +Operating loss landed at EUR39m including one-offs and at EUR27m excluding one-offs .,neutral +$WFT closng higher from here,positive +"Of the sales price , a sales gain of some 3.1 mln euro ( $ 4.5 mln ) will be recognized in Incap 's earnings for 2007 .",positive +"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",neutral +Mr Lee said he hoped that Neste 's move will ` pave the way for more collaboration projects between our two countries ' .,positive +Sanoma Corporation wants a new and better frequency for the Helsinki metropolitan area .,neutral +`` Our aim is to understand different traffic patterns based on the use of each building .,neutral +The newly created position has been established to strengthen Amer Sports ' management in strategic planning and execution .,positive +Finnish airline Finnair is starting the temporary layoffs of cabin crews in February 2010 .,negative +"$ATVI ooks pretty bullish for now. from a short-term perspective, it's got a good chance of maybe sliding back to 33.70 #stocks #investing",positive +The operating profit for Grain Trading increased to EUR 2.0 mn from EUR 1.4 mn in 2005 .,positive +Export declined by 6 percent to 16.4 million liters .,neutral +"Koduextra is operating a retail chain of 11 stores , controlled by Finnish Non-Food Center KY , Rukax OY , and Scan-Tukka OY .",neutral +The uranium found locally is naturally occurring and it makes sense to extract it in the same way as we do with our other metals . '',neutral +The parties have agreed not to disclose the transaction value .,neutral +"Elcoteq 's Electronics Manufacturing Services ( EMS ) Business Segment serves customers globally in Engineering , Manufacturing and Fulfillment services .",neutral +"$HPQ Says Breakup Will Cost Billions, but Sees Savings Too http://stks.co/p27hZ",negative +Entering long Lockheed Martin $LMT at Thursday's open. http://stks.co/eXtA,positive +"$SDS +1.46% 15.32, picking up some speed. May 16 calls now +35% .19: http://stks.co/3eiK, Next week $16 calls .11c: http://stks.co/3eiL",positive +"The business idea of Budget Sport is to offer customers a wide range of high-quality sports equipment and clothing at low prices , the company said .",neutral +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 .,neutral +"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 .",negative +"Profit for the period was EUR 10.9 mn , down from EUR 14.3 mn in 2009 .",negative +The company 's share is listed in the Mid Cap segment of the NASDAQ OMX Helsinki .,neutral +"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 .",positive +#LongPos $TSLA 256 Break-out thru 50 & 200- DMA (197-230) upper head res (274-279) Short squeeze in progress Nr term obj: 310 Stop loss:239,positive +$TSLA not dipping - testing the 200 day ma https://t.co/jEPLmZQKGW,positive +"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 .",neutral +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 .,neutral +"`` As a part of the Eseries business promise , the Nokia E50 has been equipped with a variety of email solutions in a small and stylised package , '' said Dave Grannan , general manager , Enterprise Solutions , Nokia .",neutral +$ilmn piper Jeffries raises pt. I remain long,positive +@pierrules: $SIRI LONG!!,positive +"The e-commerce site and flagship will be managed by Marimekko North America Retail LLC , a subsidiary established in the U.S. last year .",neutral +Boomerang Boats had net sales of EUR 4.1 mn and it made an operating profit of EUR 0.4 mn in 2006 .,neutral +The shipyard hopes the regional government in Andalusia can offer its some form of financial support .,neutral +"cents The profile contains business operations , the company history , major products and services , prospects , key competitors , structure and key employees , locations and subsidiaries .",neutral +$SKH http://stks.co/163e Long setup. Watch for continuation and volume expansion here. Hot sector.,positive +"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 .",neutral +Delivery is expected to take place later this month .,neutral +"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 .",neutral +Two other sites will be included later on .,neutral +"In the spring 2006 , a total of 386,530 Stock Options 2002 B were annulled .",neutral +"The launch of the plant in June went well , and it has been producing the advanced fuel for a couple of weeks .",positive +@Joerazorback This time I think $AAPL will miss again. Generally speaking market is near top when everyone thinks that market goes only up,negative +NYSE owner ICE considers offer for LSE,positive +"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",negative +"`` There 's the issue of thieves stealing them from building sites , '' said Mr Smith .",neutral +"It is necessary to strengthen the company 's operations , however .",neutral +Le Lay succeeds Walter G++nter and will be based in Finland .,neutral +ESPN Files Lawsuit Against Verizon - http://stks.co/i2Cj1 $VZ,negative +"Profit before taxes amounted to EUR 56.5 mn , down from EUR 232.9 mn a year ago .",neutral +"BAVARIA Industriekapital AG 's 2006 revenues were EUR 333 million , with an EBITDA of EUR 51 million .",neutral +The price will be specified at the completion date .,neutral +"Ethanol would be made from barley , and production could start in 2008 .",neutral +"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 .",negative +The expansion aims to attract new customers both in Finland and abroad .,positive +"The order consists of capacity expansion , maintenance services and new charging functionality , the company said .",neutral +The layoff talks were first announced in August .,neutral +$vxx starting to creep up while $spy sits near hod ...,positive +"And when it has lifted the veil on the various types of customer for which it designs its phones , the result is social stereotyping taken to a fine art .",neutral +"By implementing the software the Finnish Army aims to unify and improve its operations in these application areas , QPR Software stated .",positive +"`` 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 .",neutral +"$WAC trade continuing very nicely from yesterday, almost up $3 from yesterday entry, deal pricing tonight looking very strong here... $SPY",positive +"Finland-based companies , L+ñnnen Tehtaat and Raisio , have decided to dissolve the joint venture company ZAO Scandic Feed , which was established to start local animal feed business and feed production in northwest Russia .",neutral +1 April 2011 - Finnish machinery rental company Ramirent Oyj HEL : RMR1V said today it has acquired the assets of sector player Stavebni Doprava a Mechanizace SDM in the Czech Republic for an undisclosed sum .,neutral +"According to CapMan Plc 's Corporate Governance , the majority of the committees ' members shall be independent of the Company .",neutral +"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 .",negative +$BAC $ADSK $NFLX long this morning,positive +"Financial Statements include the consolidated financial statements of the Group , the Board of Directors ' Report , the Auditors ' Report and the Corporate Governance Statement .",neutral +"The company is involved in the the sale of financial products including insurance , mortgages , car and personal loans , financial brokerage and equipment finance leasing .",neutral +"The broker has initiated both Palfinger AG and Konecranes OYJ with ` buy ' recommendations , with 51 and 42 eur price targets respectively .",positive +"The most important export markets are Norway , Germany , Russia and France .",neutral +"In January-September 2007 , operating profit totaled EUR 20.5 mn .",neutral +"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 .",positive +Tekla Group 's net sales for 2005 were approximately 38 million euros .,neutral +"At the same time , the market for automated liquid handling devices is already larger than that for pipettes , according to Biohit .",neutral +Okmetic revised its 2010 financial outlook based on its order book .,neutral +"The bond , with a maturity of five years , is part of the bank 's domestic bond program .",neutral +"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 .",negative +The online ice chart shows no ice in the area of Estonia 's sea ports on the coast of the Gulf of Finland .,neutral +"The money will be spent `` on strengthening the company 's competitiveness in the sphere of sawmill products and increasing the volume of wood delivered for processing in Russia , '' the release says .",positive +"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 .",neutral +"`` We are delighted to welcome Elisa to our Board of Directors , '' said Garry McGuire , CEO of RMG Networks .",positive +AB InBev offers SABMiller $3 billion breakup fee,positive +Synergy benefits will start to materialise in the second quarter .,positive +"Pioneer Library System was one of 127 libraries , municipalities , arts , culture and higher education and science organizations to have been awarded grants to participate in The Big Read , the largest federal reading program in U.S. history .",positive +ConAgra Names Former Hillshire Farms CEO Connolly to Top Post,positive +Finnish department store group Stockmann is planning to acquire about EUR 141mn through a directed issue and a rights offering .,neutral +"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 .",neutral +"`` Our decision and resolve on MeeGo is only stronger , '' she continued .",positive +"According to Olvi , the company is already negotiating new agreements .",neutral +- Provides summary of the medical equipment pipeline products that the company is developing .,neutral +"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 .",neutral +"In July-September 2009 , Konecranes ' sales decreased to EUR 368.7 mn from EUR 520.4 mn in July-September 2008 .",neutral +"Section : Regional News - The demand in Finnair 's Asian traffic , measured in passenger kilometers , was up 34.9 % in August compare to last year .",positive +"Operating profit , excluding non-recurring items , totalled EUR 1.0 mn , down from EUR 1.6 mn .",negative +"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 .",neutral +"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 .",positive +"Furthermore , sales of new passenger cars and light commercial vehicles in the country declined by 5.4 % year-on-year last month .",neutral +"The program , which was started in the summer of 2007 , was originally estimated to last approximately two years .",neutral +"The company recorded revenues of E658 .1 million during the fiscal year ended December 2007 , an increase of 23 % over 2006 .",positive +$AAPL $131 rally mode,positive +Exact (EXAS) Flagged As Strong On High Volume $EXAS http://stks.co/r26Ra,positive +MT @TheAcsMan Amazing seeing everyone suddenly touting $MSFT. Long been favorite covered call & double dip dividend play.,positive +"FL Group 's private equity division manages all operating companies , including Icelandair Group , FL Travel Group , Bluebird and Sterling .",neutral +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 .,negative +"The move is aimed at boosting sales , cost-efficiency and market share in Finland .",positive +"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 '' .",positive +"HELSINKI Thomson Financial - Shares closed little changed , with Cargotec and Huhtamaki dropping sharply on disappointing second-quarter reports .",neutral +This corresponds to 6.81 percent of Okmetic 's share capital and voting rights .,neutral +"The total restructuring costs are expected to be about EUR 30mn , of which EUR 13.5 mn was booked in December 2008 .",neutral +"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 .",positive +$ROST Nov 90 calls 2.08 .. Go Long until exp imo ! Unless europeans keeps F'ing around !,positive +"As much biomass will be used as can be sourced locally , with the rest of the plant 's fuel needs met by peat .",neutral +"$AAPL Taking out the shorts here, a punishing reminder not to spear the strongest in the herd.",positive +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 .,neutral +Residents access to the block is planned to be from Aleksandri Street .,neutral +"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 .",neutral +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 .,neutral +"The financial impact is estimated to be an annual improvement of EUR2 .0 m in the division 's results , as of fiscal year 2008 .",positive +"The tanks will be delivered to a company which is currently building a chemical tank farm in Antwerp , northern Belgium .",neutral +The value of the deal has not been disclosed .,neutral +"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 .",positive +"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 .",neutral +"$WGO's BoD was right to reject the offer. That company is low because of the economy, not because of any type of mismanagement or anything.",neutral +"Risto Jalo , chief executive of Dormus Print and also owner of the remainder of the company , will keep his position after the acquisition .",neutral +The Company turnover amounted to MEUR 27.9 in 2007 .,neutral +Device volume in the area decreased by 21 % to 2.7 mn units .,negative +"- Demand for fireplace products was lower than expected , especially in Germany .",neutral +Some of the lay-offs will be implemented using part-time employment contracts .,neutral +"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 .",neutral +"Operating loss totaled EUR 0.8 mn , compared to a profit of EUR 0.5 mn .",negative +"Demand seems to have hit bottom now , and some signs of improvement can be seen .",positive +"Apple expected to launch new iPhone, iPad today $AAPL https://t.co/XfnICWeBeG",positive +"Wayne Greensmith , Fiskars Brands UK senior brand manager , said : `` We have launched this as we want to give something back to the community .",neutral +"Uncertainties still exist , however .",neutral +Operating profit decreased to EUR 11.2 mn from EUR 16.6 mn .,neutral +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 .,neutral +"The workforce will be reduced also in the Amsterdam office , in the Netherlands .",negative +The company has exported into about twenty European countries as well as to Africa .,neutral +"`` 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 .",positive +"With the launch of new 3G handsets , Nokia aims to become the winner in China 's 3G market as it did in the 2G market .",positive +"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 .",neutral +The deal means that ten persons in three countries will transfer to Tieto .,neutral +"Vaisala 's Present Weather Detector measures visibility up to 20 km , as well as precipitation type and intensity .",neutral +"Cash flow after investments amounted to EUR45m , down from EUR46m .",negative +"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 .",neutral +The report contains category level company and brand share as well as distribution share information for 2007 and 2008 .,neutral +"China Unicom , NYSE : CHU , HKSE : 0762 , and SHSE : 600050 , the second largest mobile carrier in the country .",neutral +Intertek swings to £347 mln loss on oil's slump,negative +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 .,negative +"The company has delivered the technical infrastructure , used by NAV for their data warehouse and business intelligence initiatives .",neutral +"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 .",neutral +"Outotec said it won new orders worth 492.9 mln eur during the quarter , compared with 240.4 mln eur a year earlier .",positive +YIT Kausta will build commercial and residential highrises in Virsuliskes area .,neutral +"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 .",neutral +"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 .",negative +$GS is looking weak while this market is moving higher not a good sign. Unless $gs can get above 157. early short below 154.00 today.,negative +"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 .",negative +Sanoma announced the Stock Option Scheme 2008 on 19 December 2008 .,neutral +"Philip Morris, BAT Sue Over Law Taking Branding Off Packs",negative +"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 .",neutral +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 .,positive +"Finnish financial software developer Basware Oyj said today it will provide its invoice automation ( IA ) solution to an unnamed major retail company in the USA in a deal , worth more than EUR300 ,000 .",positive +Barclays poaches new chief operating officer Paul Compton from JP Morgan Chase,neutral +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 .,neutral +The share subscription period for stock options 2007A is between 1 April 2010 and 31 March 2012 .,neutral +"The company is in the process of building a new fleet and has placed orders for 10 P-Max tankers of 65,200 dwt .",positive +"`` The implementation of these programs has had , and will have , negative impacts on 2006 and 2007 earnings , '' Mr Meiklejohn said .",negative +Glaxo's ViiV Healthcare Signs China Manufacturing Deal With Desano,positive +The ground barleycorn has been fully produced in Finland and will be available in stores as of the beginning of 2010 .,neutral +$FB bot some @78.47 breakout from the consolidation zone :D,positive +"Saudi Aramco, Shell plan to break up Motiva, divide up assets",negative +"$INO Up, up, and away!",positive +"Operating profit for the 12-month period decreased from EUR17 .9 m while net sales increased from EUR58 .3 m , as compared to 2007 .",neutral +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 .,neutral +The right margin will be viewed separately in detail with every customer .,neutral +The group had an order book of EUR 7.74 mn at the end of 2007 .,neutral +"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 .",negative +Priceline's stock jumps to new high for the year after Barclays upgrade,positive +The transaction will take place without payment of merger consideration .,neutral +ARM Royalties Accelerate as Smartphone Market Regains Strength,positive +The company expects net sales to significantly increase from 2009 .,positive +The options might include a partial or total divestment of their shareholdings in Ovako .,neutral +Espoon kaupunki awarded contracts for personal care products .,positive +The terms and conditions of the year 2003 stock option scheme were published in a stock exchange release on 31 March 2003 .,neutral +$BXS: BancorpSouth Announces Extension of Merger Agreements with ... http://stks.co/s2PDF,positive +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 .,positive +"According to a report by Neomarkka , Kuitu Finland 's customers are interested in buying the company 's products when it restarts production .",positive +$spy bumping its head on declining daily 8ma as overhead resistance. Then the big brother 50ma just above that.,negative +"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 .",neutral +"The operating loss amounted to EUR 0.8 mn , compared to a profit of EUR 3.9 mn a year earlier .",neutral +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 .,neutral +"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 .",neutral +"In the reporting period , EPS stood at EUR0 .07 versus EUR0 .11 .",neutral +The MET is located in the Central Business District ( CBD ) of Bangkok .,neutral +"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 .",neutral +"`` Following last year 's good profit development , we have entered the current year in a good position .",positive +"Kemira 's R&D organization comprises approximately 750 people , the company said .",neutral +"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 .",neutral +`` I am extremely delighted with this project and the continuation of cooperation with Viking Line .,positive +"Unit prices for straddle carriers vary between EUR700 ,000 and EUR900 ,000 , the company added .",neutral +"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 .",positive +Welcome !,neutral +"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 .",neutral +"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 .",neutral +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 .,neutral +UPM-Kymmene has generated four consecutive quarters of positive Free Cash Flow .,positive +Export accounts for about one tenth of the company 's annual turnover of one billion kroons .,neutral +"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 .",negative +"Of the company 's net sales , 38 % was acquired in Finland , 21 % in other European countries , 40 % in Asia , and 1 % in the US .",neutral +"Profit for the period totalled EUR 1.1 mn , down from EUR 1.6 mn in the third quarter of 2008 .",neutral +"Net interest income totaled EUR 15.9 mn , compared to EUR 15.6 mn a year earlier .",positive +No financial details were revealed .,neutral +"According to A-Rehu 's Managing Director , Jouko Lahtinen , the project will stabilise costs and improve supply security .",positive +"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 .",neutral +Earnings per share ( EPS ) in 2005 decreased to EUR1 .87 from EUR1 .89 in 2003 .,neutral +Operating profit excluding non-recurring items was EUR 7.8 million compared to EUR 11.2 million .,neutral +The building will house product development and test laboratories .,neutral +"Tornio Works employs 2,300 of whom more than 1,800 have been in the scope of the fixed-period or part-time temporary layoffs in April-October period .",negative +"However , the proportion of the paid standing orders grew in 2009 .",positive +`` There is no room to modify the share component as we have already indicated . '',neutral +"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 .",neutral +Is #Facebook's user engagement falling? https://t.co/tqMMt7N16X $FB https://t.co/sedqRWgdkt,negative +"Finnish Vaahto Group that provides paper-making technology and process machinery is starting negotiations concerning the temporary lay-offs of all 140 employees at the company 's plants in Hollola and Tampere , in Finland .",negative +"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 .",neutral +"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 .",positive +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 .,positive +"In 2010 , Sanoma Magazines expects net sales to be at the 2009 level .",neutral +$FB Dax says bye bye 2013 - finished a great yr w 28% plus!,positive +"By acquiring RCP , we can combine our strong knowhow with the expertise of a solid local company .",positive +Profit for the period was EUR 15.6 mn compared to EUR 14.1 mn in 2007 .,positive +"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 .",neutral +$GTAT Will re-enter short on bounce...,negative +"Kai Tulonen , Chief Technology Officer , SysOpen Digia says : `` Mobility Business Suite represents a significant milestone in the company 's offering to the telecommunications industry .",positive +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 .,positive +"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 .",negative +Neither of the companies use genetically engineered soy at the moment .,neutral +Kirsi Rantanen was previously development director for HK Ruokatalo 's poultry business .,neutral +The company expects meat purchases to remain at about 8mn kilos in 2011 .,neutral +"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 .",positive +Crown Castle buys Tower Development Corp for $461 million,positive +"`` Tom Doring has a long and successful career in the drives business , and he knows the American market .",neutral +"European shares plunge, roiled by BHP and oil; hopes turn to ECB",negative +"Food sales totalled EUR 323.5 mn in October 2009 , representing a decrease of 5.5 % from October 2008 .",neutral +"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 .",neutral +"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 .",positive +"The employer-employee talks concerned about 500 people , that is , the whole staff in Finland .",neutral +$AAPL weekly still under the 50 moving average and creating a lower high. https://t.co/vT7ppzY2UY,negative +Paper maker Stora Enso Oyj said Friday it has been acquitted of charges that it participated in a paper price-fixing conspiracy in the United States .,positive +The Commission is to be applauded for applying a fact-based and data-driven approach and for providing clarity for future petitions .,positive +"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 .",neutral +The company 's operating profit for 2006 stood at 39.6 mln euro ( $ 57.9 mln ) .,neutral +Construction volumes meanwhile grow at a rate of 10-15 percent annually .,positive +"When the situation normalises , the company will be able to increase the amount of residential units for sale in St Petersburg and Moscow , in particular .",positive +"In 2006 , 452 million tonnes CO2 of EUA ( EU Allowance ; emissions credit in EU ) was traded with an underlying market value approx .",neutral +"The price of the 10,000 kroon par value bonds was 9663,51 kroons in the primary issue .",neutral +As a part of the agreement 10 employees from the John Deere Forestry documentation functions will transfer to DokuMentori Oy .,neutral +"The area will also include some central buildings , and Honkarakenne has started negotiations on their delivery .",neutral +"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 .",neutral +I'm no professional ANAL-yst but I DO put my $ where my mouth is. $AAPL will do $575 b4 yr.end—That's another hun from here.Long LEAPS =^.^=,positive +The trucks feature an Eco Drive system - a fuel measuring tool which stores data particular to individual drivers .,neutral +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 .,neutral +"$CTRP just broke resistance, watching for a #redtogreen #breakout right out of the gate tomorrow morning. #stocks https://t.co/8VXFUUIt04",positive +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 .,negative +"On 25 August 2009 , Sampo 's stake in Nordea was 19.45 % .",neutral +The new chain has 700 discount stores and 250 supermarkets .,neutral +Earnings per share EPS in 2005 decreased to EUR0 .66 from EUR1 .15 in 2004 .,neutral +Operating profit for 2009 lower than outlook published earlier .,negative +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 .,neutral +The CVs of the proposed members are available for viewing from 12 March 2008 onwards on the Internet at www.sampo.com/ir .,neutral +Stora Enso Oyj said its second-quarter result would fall by half compared with the same period in 2007 .,negative +The announced restructuring will significantly decrease the Company 's indebtedness .,positive +"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 .",negative +"EXEL COMPOSITES IN BRIEF Exel Composites is a technology company which designs , manufactures and markets composite profiles and tubes for industrial applications .",neutral +"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 . ''",neutral +"The Point Village , designed by Scott Tallon Walker , will include a shopping center , office premises , a hotel and a cinema .",neutral +Tikkurila acquired a majority stake in Kolorit Paints in the autumn of 2004 .,neutral +"Following the issue , the new shares will constitute 10 percent of the firm 's capital .",neutral +"HK Ruokatalo produces many turkey products , such as cold cuts .",neutral +"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 .",neutral +These six agreements are the company 's first customer acquisitions in India since taking over TVS Electronics ' contract manufacturing facility in Jun 2007 .,neutral +"YIT acquired investment rights to a 10,000 square metre residential project in Yaroslavl and to a 16,400 square metre project in Moscow .",neutral +My $DWA play up 6% today. I'm still skeptical. Will take profits. Not a time cheer,neutral +More than a third of the original participants dropped out due to nausea and other side effects .,negative +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 .,neutral +$AMZN Going thru the roof needs a sell!,positive +"Besides , Pit-Produkt will enter the new segments .",neutral +"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 .",neutral +"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 .",neutral +"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 ) .",neutral +"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 .",negative +Ahlstrom 's share is quoted on the NASDAQ OMX Helsinki .,neutral +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 .,negative +"In Finland , snow storms brought trees down on power lines , cutting off electricity for some 2,000 households .",negative +AB InBev to sell more SAB assets as seeks EU deal approval,neutral +"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 .",neutral +Preparing for a Breakout Trade in Netflix $NFLX https://t.co/CzHIX3tuAG $$ https://t.co/z1qb9xa4LD,positive +"Community gardening has become a popular activity , especially to raise vegetables .",neutral +Martela is a front runner in providing innovative solutions and customer service Martela designs and supplies interior solutions for working environments and public spaces .,neutral +$ELN longs...congrats...another HOD,positive +"Upon establishment , the plan is directed to approximately 20 persons .",neutral +"In October , UPM reported a third-quarter net loss of euro86 million $ 110 million compared with a net profit of euro120 million in 2007 .",negative +"RFID ( Radio Frequency Identification ) is a method of so-called intelligent transport , whereby information can be read and saved remotely .",neutral +"It is Estonia 's second-largest meat processing company by market share ( according to AC Nielsen 's 2008 data , 13 percent ) .",neutral +"Oil majors like Royal Dutch Shell, Chevron, BP fail to find reserves to counter ...",negative +"In the Baltic countries , development of operations and reorganisation continued , and non-recurring items related to the takeover process lowered earnings .",negative +"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 .",neutral +"The plant will be fired with a combination of spruce bark , chipped logging residues or milled peat .",neutral +"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 .",neutral +"Operating loss before non-recurring items was EUR 0.9 mn , compared to a profit of EUR 11.5 mn in 2008 .",neutral +Earnings per share were EUR -0.04 -0.06 .,neutral +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 .,neutral +The company said it estimates to make a slight profit thanks to cost-cutting measures .,positive +GlaxoSmithKline set to complete $20 billion Novartis asset swap next week,positive +"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 .",positive +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 .,neutral +Alma Media 's net sales in 2009 totalled MEUR 307.8 with an operating margin of 13.5 per cent .,neutral +"In the building and home improvement trade , net sales totalled EUR 1,173 mn , down from EUR 1,566 mn a year earlier .",neutral +"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 ) .",neutral +"The new company will likely hold an IPO on the NYSE or another international stock exchange , according to Altimo which manages the Alfa Group 's telecommunications assets and TeliaSonera 's agreement , which has been published on the website of the U.S. Securities and Exchange Commission .",neutral +"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 .",positive +"The evidentiary hearing in the Investigation is scheduled for April 21 - May 1 , 2008 .",neutral +Part of the reductions will be made through retirement arrangements .,neutral +Rio Tinto CEO says iron ore market at equilibrium,neutral +The company website is www.ahlstrom.com .,neutral +"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 .",neutral +"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 .",neutral +The value of the three-year contract is estimated at EUR40m .,neutral +@Intuitiv $CLNE gasoline prices spike in California. http://stks.co/t1bOi,positive +Pretax loss totaled EUR 117mn compared to a loss of EUR 65mn in the corresponding period .,negative +"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 .",neutral +Small investors have voiced fears that the shares will end up with risk investors .,neutral +"The contract also includes installation work in a new multistorey carpark for close on 1,000 vehicles .",neutral +The company said that its comparable operating profit for the January-June period fell short of last year 's corresponding performance .,neutral +"`` Several growth initiatives in the chosen geographic areas are already ongoing , '' it continued , noting Lindex opened its first store in the Czech Republic this autumn in Brno .",positive +"The deal includes the entire personnel of PlanMill Oy , who will transfer to the new company as so-called old employees .",neutral +"Kiosk and cinema operations have suffered , in particular .",negative +"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 .",neutral +"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 .",neutral +Pretax loss totalled EUR 162.3 mn compared to a profit of EUR 253.5 mn in 2007 .,negative +Net sales have been eaten by the weak US dollar .,neutral +"To achieve synergy targets related to the acquisition , Vaisala is consolidating its manufacturing , depot and data services , and finance activities currently located in Uniontown , Pennsylvania , St. Louis , Missouri and Durham , North Carolina .",neutral +"Earnings per share for January-June 2010 were EUR0 .30 , an increase of 20 % year-on-year EUR0 .25 .",positive +"The divestment is in line with the company 's plans to focus on selected growth segments and streamline corporate structure , the company explained .",positive +Border Guard Service has banned the mooring of the company car-shipping ferry on its test travel at the railroad-car terminal of the Russian port as the border checkpoint is not yet ready .,neutral +Asian traffic declined by 3.4 per cent .,negative +Neste Shipping is the most likely to remain Finnish as the oil sector and its transports are significant for emergency supply .,neutral +Diluted earnings per share ( EPS ) declined to EUR 0.78 from EUR 1.76 .,neutral +REFILE-Aviva Investors to move 34 bln euros in assets from AXA fund arm,negative +"The purchase price will be paid in cash upon the closure of the transaction , scheduled for April 1 , 2009 .",neutral +"- 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 .",neutral +"Advertising and circulation revenues grew by 3.4 % and by 0.4 % , respectively .",positive +Tesco share price steady as analysts weigh in on results,neutral +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 .,negative +YIT Construction and the town of Riihim+ñki have signed a lease contract whereby the town will occupy the Travel Centre office facilities .,positive +ALERT: New RSI signal created on $COST - Buy at 148.78 - Time: 14:19 - Strength: 10. Powered by https://t.co/MhOBzU3Rmx,positive +The EUR 0.7 million non-recurring expenses have been recorded for the third quarter .,neutral +"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 .",neutral +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 .,neutral +"The relocation of Ragot has already started and will be completed in the next few weeks , with the Waterqueen and Tortue moves planned for mid-2008 and VMC Europe during the third quarter of 2008 .",neutral +"The company plans to close two of the three lines at the plant , where some 450 jobs are under threat .",neutral +"A worm set to activate Friday will corrupt documents using the most common file types , including '' .",neutral +CompaniesLSE adds ex-SEC head Schapiro to board,neutral +Panostaja did not disclose the purchase price .,neutral +"The Group , with net sales of EUR 235 million in 2009 , employs more than 2 000 people in 33 countries .",neutral +The first stage of the contract covers 133 stores and 600 cash registers .,neutral +4 beaten-down Internet companies that may be ripe for a #takeover target: #Twitter $TWTR - #LinkedIn $LNKD - #Yahoo! $YHOO - #Groupon $GRPN,positive +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 .,positive +"You know that back seat? Don't sit in it. - $TSLA -> Tesla recalls 2,700 Model X cars https://t.co/7J0Gwz89ZC",negative +$ATHN Seems like a good short setup. Stop above the 50 day. No position.,negative +"In Russia , Raisio 's Food Division 's home market stretches all the way to Vladivostok .",neutral +The financial details of the acquisition were not disclosed .,neutral +"( 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 .",positive +"Aviva, M&G suspend property funds as investors panic",negative +"The airline was targeting travel agents , tour operators and travel management companies to raise awareness first before targeting consumers , he added .",neutral +Finnish automation solutions developer Cencorp Corporation ( OMX Helsinki : CNC1V ) reported on Thursday ( 6 November ) an operating loss of EUR1 .3 m on net sales of EUR11 .9 m for the period January to September 2008 .,neutral +Both the net sales and operating profit were record high in the company 's history .,positive +"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 .",neutral +"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 .",neutral +"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 .",positive +"`` Small firms are suffering at the moment because they are likely to have money trouble , '' he added .",neutral +"The competition was received with great enthusiasm by the employees , he goes on .",positive +"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 .",negative +"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 .",neutral +"The OMX Helsinki index was down 0.34 pct at 8,256.02 on turnover of 813.191 mln eur .",negative +"Kiosk and cinema operations have suffered , in particular .",neutral +"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 .",neutral +Subscription sales decreased slightly .,negative +"The Group 's consolidated net sales for 2009 totaled 1.5 billion euros and it employs approximately 10,000 persons .",neutral +TELECOMWORLDWIRE-7 April 2006-TJ Group Plc sells stake in Morning Digital Design Oy Finnish IT company TJ Group Plc said on Friday 7 April that it had signed an agreement on selling its shares of Morning Digital Design Oy to Edita Oyj .,positive +$RNN staying above the open a very good sign!!!,positive +A comprehensive range of cut-to-length and slitting services will allow Ruukki in particular to serve light engineering customers who relocate their production to the St. Petersburg area .,neutral +The new policy was also aimed at making the companies more profitable and competitive .,positive +"Centrica extends gas deals with Gazprom, Statoil",positive +"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 .",negative +"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 .",neutral +"Compagnie de Financement Foncier - Is to issue a benchmark , 10 year covered deal in Euros .",neutral +$ETN UPGRADE today by MS to overweight. Excellent company and leadership,positive +The appointments will be in force until the new CEO has been appointed .,neutral +"The OMX Helsinki index was down 0.34 pct at 8,256.02 on turnover of 813.191 mln eur .",neutral +"HK Ruokatalo now accounts for about 50 % of poultry sales in Finland , and profitability is at a good level .",positive +"Tikkurila has an interesting growth strategy , which we support .",neutral +"The total headcount reduction will be 50 persons , the company said .",neutral +$TSLA announces a recall and the stock doesn't sell off. This stock is teflon. Won't last forever.,positive +"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 .",neutral +2 Turnaround Buys For 2016? BHP Billiton plc And Home Retail Group Plc,positive +Pivotal Research upgrading $GOOGL to buy. https://t.co/LSahepdqhD #stocktrading,positive +The sales of the Tiimari segment fell by 4.0 % year-on-year to EUR3 .3 m in June 2010 .,neutral +"We can choose the most efficient , best overall value option for our customers already at the bidding stage .",positive +New recommendation from Carl Kirst of BMO Capital Markets for $WMB is BUY.Price target is $62:http://stks.co/t0S0r,positive +"The maximum obligated total trades per day is ISK 400,000,000 market value .",neutral +Each share is entitled to one vote .,neutral +Citigroup to Sell OneMain to Springleaf for $4.25 Billion,positive +Peigs www.peigs.se will become part of Sardus Latta Maltider Light Meals unit .,neutral +"W+ñrtsil+ñ 's solution has been selected for its low fuel consumption , environmentally sound technology , and global service support .",positive +"According to Heikkil+ñ , more than just `` refreshment and energy '' will soon be found in soft drinks also in Finland .",neutral +The order was valued at USD12 .2 m.,neutral +The contract is worth some EUR 1 million .,neutral +"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",positive +"Operating profit totalled EUR 9.6 mn , down from EUR 42.0 mn the year before .",neutral +The company reiterates its outlook for 2009 .,neutral +"Product deliveries will not be interrupted , the refiner said , giving no financial details .",neutral +The issue came up in connection with discussion with local municipalities concerning the sale of water to industrial facilities .,neutral +The growth of net sales in the first half of 2008 has been 28 % compared with the first half of 2007 .,positive +"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 .",neutral +Academics claim Google Android two-factor authentication is breakable. #security #authentication #hacking $goog https://t.co/nJx4mnrGLo,negative +"Initially , the company said a maximum of 15 people would be made redundant in the parent company and about 15 in its subsidiaries .",negative +A new Kveyt light variety of Suomalainen Pekoni marketed under the Atria brand name is now available to consumers in Finland .,positive +"`` I 'm happy with the outcome , '' Sneed said after the hearing .",positive +Supermarket Stocks Rally as Tesco Plans to Axe Non-core UK Assets $TSCO https://t.co/BmvhcrwREA,positive +"Last year the company raised its turnover to approximately 7 million litas EUR 2 mln , from 6.1 million litas in 2004 .",positive +The company said that the fall in turnover had been planned .,negative +"The decision means temporary lay-offs of fixed duration at the company 's Nastola and Jyvaskyla units , in southern and central Finland , respectively .",negative +"In the next few years , the ICT sector 's share of electricity consumption will be raised by the increase in the popularity of smartphones .",neutral +"The total value of the agreement is USD4 .0 m , the company said .",neutral +"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 .",positive +"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 .",neutral +Germanwings disaster will not affect image of budget air travel - easyJet,neutral +UPDATE 1-BP shareholders back more disclosure on climate change risks,neutral +"Bilfinger investors cheered the agreement , pushing shares up 7 % , or & euro ; 3.30 , to & euro ; 50.29 , in afternoon trade .",positive +The contract includes an option to deliver an additional 75 ASCs in the next phases of the project .,neutral +Amazon declares 'best ever' Black Friday and Cyber Monday for Kindle family http://stks.co/cEtw via Engadget $AMZN,positive +"Nokia will continue to invest in future development of Qt , and Digia will be responsible for commercial licensing and services business .",neutral +In 2008 Stockmann earned 3.398 million lats in profit on 48.012 million lats in turnover .,neutral +Intertek Group announces strategic update outlining its plan,neutral +"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 .",positive +"EU regulators clear $100 billion-plus AB InBev, SABMiller deal",positive +UPDATE 1-Meggitt reiterates annual outlook after tough 2014,neutral +"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 .",neutral +Exel wants to serve its industrial customers with individual products .,neutral +The measures taken will cause one-time costs during the final part of 2006 .,neutral +M+ñkel+ñ is demanding a new Board for the company as well as discussions on the merger of Alma media and media company Talentum .,neutral +Vaisala 's expertise in lightning data and information systems is based on extensive experience and investment in R&D .,neutral +As a result some 20 persons will no longer be needed .,negative +Sales increased due to growing market rates and increased operations .,positive +"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 .",negative +"$CHKP ABC Bullish Pattern, Targets https://t.co/uVMmRSR5Zy",positive +Sanofi poaches AstraZeneca scientist as new research head,neutral +$NSM ascending base breakout starting to gain traction; strong stock http://stks.co/gBSH,positive +"In 2009 , Stora Enso 's net loss was EUR 879.7 million compared to EUR 673.4 million in the previous year .",neutral +"Sales came in at 241 mln eur , compared with 211.4 mln , and also beating consensus forecasts of 235 mln eur .",positive +Active shipping is essential for Finland .,neutral +"$TSLA lots of green on the 5 min, watch the hourly $259.33 possible resistance currently @ $257.00",positive +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 .,neutral +"A few months ago , Teva vice chairman Phillip Frost and Marathon Venture Capital Fund TASE : MARA sold Protalix shares .",neutral +"The Estonian electronic components factory , Elcoteq , is running out of material because of the closure of air traffic .",negative +"BP, Statoil, to Withdraw Staff From Algeria Following Rocket Attack",negative +Competition authorities will have to approve the deal before it can be finalized .,neutral +Mr. Koistinen joins from Nokia Siemens Networks where he has held various senior sales management and business development positions since 1997 .,neutral +$FB churning in high volume @ IPO price. Lot's of sellers trying to get out. Might take a while here to consolidate before moving higher.,negative +"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 .",negative +Sales of security and system packaging increased slightly .,positive +"Typically , the transmission power level can be decreased when the interference noise is above a predefined value .",neutral +"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 .",negative +"According to Tiimari , consumers are advised to cut away the rabbits bow tie that contains the formadehyde and dispose of it .",neutral +"The deal covers Stockmann Auto Oy Ab 's sales and after-sales services concerning Volkswagen and Audi in Helsinki , Espoo and Vantaa .",neutral +Asahi could be about to snap up more of SABMiller's beers ahead of AB InBev sale,positive +"Previously , the plant was expected to be completed by the end of 2008 .",neutral +"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 .",neutral +Capital base and capital adequacy measurement is based on approaches under Basel II .,neutral +"The dividend will be paid on April 15 , 2008 to each of the shareholders who on the record date of April 8 , 2008 have been entered in the list of shareholders kept by the Finnish Central Securities Depository Ltd. .",neutral +"Deliveries of Nokia 1112 , Nokia 2310 and Nokia 2610 are expected to start in the second quarter of 2006 .",neutral +$TSLA You have to love these types of articles. SS interest rose on 12/15 on day before we hit our lows. http://stks.co/c1QKr,negative +"`` Lining stone sales were also good in the early autumn , and order books are strong to the end of the year .",positive +"Should You Buy Jumbo Yielders British American Tobacco plc, Centrica PLC & John Wood Group PLC?",positive +Short-term licenses for the games cost as little as $ 3 while purchasing a game outright can cost as much as $ 10 or $ 15 .,neutral +"`` Our extensive co-operation will also bolster SysOpen Digia 's position in the domestic operator market , '' Kallioranta adds .",positive +"According to the CEO of Nordea Bank Estonia Vahur Kraft , Nordea Finland and Stockmann have been cooperating for more than ten years .",positive +The volumes are expected to increase during the next few years .,positive +"maybe closing all those $AAPL calls i had this morning was a bad idea, money left on the table...",positive +Incap estimates it will generate a revenue of 10 mln euro ( $ 13.2 mln ) from its Indian operations for 2007 .,neutral +"Additionally , the company will use the solutions to automate the preparation of financial statements according to IFRS standard .",neutral +- Cash flow from operating activities before investments was EUR 7.6 million EUR 2.5 million .,neutral +`` Lemminkainen Talo Oy 's Lahti office is a significant logistics and business premises constructor .,neutral +$NUGT longer term bullish,positive +"shock phase ' , consumers have once again started to plan and implement building projects .",neutral +"Founded in 1649 , Fiskars has over 360 years of product quality excellence and is Finland 's oldest company .",neutral +"Biohit said that it will reduce the number of leased personnel by 10 , and lay off 10 of its own personnel .",negative +"Scanfil , a systems supplier and contract manufacturer to the communications sector , will start personnel negotiations in Oulu , in Finland , to lay off staff temporarily .",neutral +"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 .",neutral +"Excluding non-recurring items , pre-tax profit surged 45 % to EUR80m .",positive +"Also , a six-year historic analysis is provided for these markets .",neutral +This amount will not be included in the pensionable salary .,neutral +$AAPL AUG 645 calls +550% .67c: http://stks.co/i9T3,positive +"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 .",negative +Finnish Rautaruukki 's engineering division Ruukki Engineering will re-organise its operations in the Mo i Rana plant in Norway .,neutral +"To ensure low operational cost for radio networks , the BTS modules can be configured , software upgraded and diagnosed remotely .",positive +"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 .",neutral +CEO of the company Tarmo Noop said the growth in the sale of premium beers was the biggest .,positive +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 .,neutral +Deliveries have started and the network will be ready for a launch soon .,positive +"ALEXANDRIA , Va. , Nov. 19 -- Erkki Aho , Elimaki , Finland , has developed a method and apparatus in conjunction with a shoe press .",neutral +"Sales improved to SEK 1,553 mn , compared with SEK 1,408 mn .",positive +Net sales fell by 5 % from the previous accounting period .,negative +"Last year , UPM cut production , closed mills in Finland and slashed 700 jobs .",neutral +Japan's Asahi to submit bid next week for SABMiller's Grolsch and Peroni - Yomiuri,positive +"Operating result showed a loss of EUR 2.9 mn , while a year before , it showed a profit of EUR 0.6 mn .",neutral +"Operating loss before non-recurring items was EUR 0.9 mn , compared to a profit of EUR 11.5 mn in 2008 .",negative +What would you like to see changed on Nokia 's next attempt ?,neutral +The company will release its 2010 results on 11 February 2011 .,neutral +"The orange-handled scissors from Fiskars are part of the permanent design collection of the Museum of Modern Art in New York , as well as the Philadelphia Museum of Art .",neutral +And U.S. energy executives say high steel prices are threatening energy exploration .,neutral +"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 .",neutral +"Fiskars , the World 's 1 Scissors Brand TM , recently won Learning -« Magazine 's 2011 Teachers ' Choice Award for the Classroom .",positive +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 .,neutral +Nokia s U.S. shares were 3.3 percent lower at $ 12.73 by 1750 GMT .,negative +"Operating profit for the 12-month period decreased from EUR157 .5 m , while net sales increased from EUR634 .3 m , as compared to 2007 .",negative +"A total of 1,800,000 stock options were issued in the 2003 stock option scheme .",neutral +"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 .",neutral +This acquisition supports our strategy of being close to our customers all around the world offering both equipment and related services .,positive +Barclays Bonds Rise as Lender Cuts Dividends to Shore Up Capital,positive +$INVE : SEE YA ABOVE $8,positive +The Group 's revenue in 2009 amounted to EUR 70 million and the company currently employs approximately 780 people .,neutral +"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 .",positive +Construction is expected to be completed in the summer of 2011 .,neutral +Poyry is a global expert in consulting and engineering .,neutral +"Vaisala Oyj Stock exchange release 26.03.2010 klo 09.00 1 ( 1 ) The Annual General Meeting of Vaisala Oyj decided on March 25 , 2010 to approve the Company 's annual accounts for 2009 .",neutral +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 ),positive +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 .,neutral +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 .,neutral +`` Our Vaalipalvelu-service was especially developed for use by communities and organizations .,neutral +The announcement comes two weeks before a key licensing agreement expires between between the two companies which are embroiled in a disagreement over royalty payments for Texas Instrument chips which use Qualcomm-patented technology .,negative +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 .,neutral +"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 .",neutral +The company supports its global customers in developing new technologies and offers a fast route from product development to applications and volume production .,neutral +"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 .",neutral +Imperial Tobacco Adds Quarterly Dividends After Profit Rose,positive +$NFLX +1% $104.80 LONG streaming services rapidly outpacing traditional cable,positive +"The buyer is real estate owner Propertos Oy , but the companies have agreed not to disclose financial details of the deal .",neutral +"However , the broker gave an `` outperform '' recommendation on the stock .",positive +Airbus has 100 firm orders for the A350 and 89 nonbinding commitments .,positive +"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 .",neutral +Also construction expenses have gone up in Russia .,neutral +Double bottom with handle buy point of 56.49 $WMT http://chart.ly/ml857v3,positive +"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 .",positive +UPDATE 1-Lloyds to cut 945 jobs as part of 3-year restructuring plan,negative +"`` 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 .",positive +"Aspocomp Group , headquartered in Helsinki , Finland , develops interconnection solutions for the electronics industry .",neutral +"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 .",neutral +$RIMM $spx $nya $compq $djia all going down,negative +"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 .",positive +M2 Communications disclaims all liability for information provided within information on on the world wide web .,neutral +"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 .",neutral +"The firm 's UK head office is in Rugby Road , Lutterworth .",neutral +"The OMX Nordic 40 ( OMXN40 ) index , comprising the 40 most traded Nordic stocks on the Nasdaq OMX exchange , closed up 0.43 % at 1,138.84 points on Wednesday .",positive +"In addition to software development , the new design unit will provide for mechanical engineering and electronics design .",neutral +CRH's concrete bid for Holcim Lafarge assets,positive +"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 .",neutral +"Seller is the Finnish Elcoteq Group , the largest European electronics manufacturing services company .",neutral +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 .,neutral +"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 .",neutral +Finnish Cargotec has been awarded a significant order for a total of 292 Hiab loader cranes by BAE Systems in the US .,positive +The company expects its net sales for the whole 2009 to remain below the 2008 level .,negative +The employee negotiations are to address measures needed to adjust the operations to the present production situation .,neutral +"DJI overbought: $AAPL, $AXP, $BA, $CVX, $IBM, $INTC, $VZ https://t.co/wMy1PnomJF",negative +"Steve Jackson , eBusiness Analyst at Satama and former CEO of Aboavista said : `` Google broke the mold when they gave away Google Analytics for free .",neutral +"`` 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 . ''",positive +"Via the plant , the Belgian company will feed 8.4 MW of electricity into the distribution grid and will be able to deliver up to 14 MW of heat .",neutral +"The money will be spread mainly over 2011 and 2012 , the company said .",neutral +"At this growth rate , paying off the national debt will be extremely painful .",neutral +The agreement strengthens our long-term partnership with Nokia Siemens Networks .,positive +"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 .",neutral +"The production capacity can be tripled without any major additional investments , the company said .",positive +SABMiller buys Meantime to quench thirst for craft beer,positive +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 .,positive +"The customer is then forwarded to the site , and unknown to him logged in with the first number .",neutral +"CapMan , an asset manager , has EUR 3bn worth of assets under management in the Nordic region .",neutral +L&T 's net profit for the whole 2010 dropped to EUR 36 million from EUR 45 million for 2009 .,neutral +Vacon recently announced plans to build its North American headquarters at 5 Business Park in Chambersburg .,neutral +"Incap , headquartered in Oulu , Finland , is a electronics contract manufacturer with some 750 employees in Finland , Estonia and India .",neutral +"Pretax loss totalled EUR 49.9 mn , compared to a loss of EUR 15.4 mn in the corresponding period in 2008 .",negative +"The Vaisala Group is a successful international technology company that develops , manufactures and markets electronic measurement systems and products .",positive +Earnings per share EPS in the first quarter amounted to a loss of EUR0 .20 .,neutral +"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 .",neutral +"production facilities 6 July 2010 - Finnish investment group Neomarkka Oyj ( HEL : NEMBV ) said today that it will buy the former production facilities of Kuitu Finland Ltd , as part of negotiations on the option to invest in specialty cellulose fiber business .",neutral +Valeant CEO Pledges to Heed Critics After `Painful' Experience,negative +Vacon 's cash flow from operations grew to EUR 37.1 mn from EUR 21.9 mn a year ago .,positive +Valeant Said to Name New CEO With Pearson Still Hospitalized,neutral +"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 .",negative +These companies will be able to keep their market positions .,positive +"`` After this purchase , Cramo will become the second largest rental services provider in the Latvian market .",positive +"Operating profit was EUR 11.07 mn , up from EUR 8.65 mn .",positive +Pentik+ñinen emphasises that the most of the internet contents media houses provide can not be free forever .,neutral +"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 .",neutral +The company now estimates its net sales in 2010 to increase considerably from 2009 and its operating result to be clearly positive .,positive +Currency conversions are based on exchange rates at the time of the deal .,neutral +$INTC finally some nice downside move... looking for the 31 handle to break,negative +"Efore 's presence here also opens up new and interesting development opportunities for our students , '' the dean of the Faculty of Electronics , Communications and Automation at TKK said .",positive +@NASDboy I think the DNF crew can get this $NFLX short into the next 30 days heading into earnings,negative +"In the building and home improvement trade , sales decreased by 6.3 % , totalling EUR 154.1 mn .",neutral +The issuer is solely responsible for the content of this announcement .,neutral +London Stock Exchange seals £22 billion merger with Germany's Deutsche Börse,positive +Diluted earnings per share ( EPS ) rose to EUR 0.52 versus EUR 0.09 .,positive +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 .,neutral +Prices and delivery volumes of broadband products decreased significantly in 2005 .,negative +LONDON MORNING BRIEFING: HSBC And Standard Chartered Shares Rise,positive +@Dojiknows th SP and the potential of QNX BES10 and BBM cross platform will bring good news in time $bbry,positive +"`` There 's the issue of thieves stealing them from building sites , '' said Mr Smith .",negative +`` The Government has had a very professional approach in assessing the offer .,positive +Travis Perkins Hikes Dividend 20% As Profit And Revenue Rise,positive +Stichting Pensioenfonds ABP : 4 118 122 shares representing 5.19 % of the share capital and voting rights .,neutral +"In the fourth quarter of 2009 , Orion 's net profit went up by 33.8 % year-on-year to EUR33m .",positive +"BAWAG - Is to issue a benchmark , covered deal .",neutral +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 .,positive +"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 .",neutral +"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 .",negative +The per-share subscription price of the shares subscribed with the option rights was EUR 1.35 .,neutral +Altia 's operating profit jumped to EUR 47 million from EUR 6.6 million .,positive +Nokia Siemens Networks has struggled to make a profit in the past two years .,neutral +"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 .",neutral +"An of the invention , released by the Patent Office , said : `` A non-coherent search matrix is formed of said correlation function matrix .",neutral +The group reiterated its forecast that handset manufacturers will sell around 915 mln units this year globally .,neutral +The earnings in the comparative period included a capital gain of EUR 8mn from the sale of OMX shares .,neutral +$fb small long 109.25 via calls,positive +"Again , the most significant sales increase of 18.6 % was in Russia .",positive +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 .,neutral +"Financial , strategic and operational factors are considered .",neutral +G4S slides on balance sheet worries,negative +"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 .",positive +As an overall effect of the above-mentioned measures Glaston will recognize non-recurring expenses of EUR 12 million in the fourth quarter of 2008 .,neutral +Operating profit rose to EUR 3.2 mn from EUR 1.0 mn in the corresponding period in 2008 .,positive +The company reported net sales of 302 mln euro $ 441.6 mln and an operating margin of 16 pct in 2006 .,neutral +Merged LSE and Deutsche Börse would be led by Germany's Kengeter,positive +"The total delivery volume of paper businesses in 2010 was 1,155,000 tonnes , up from 1,132,000 tonnes in 2009 .",positive +"With the acquisition , the company will expand its offering to North , Central and South America , it said .",positive +"Together with Latvia , Cramo will operate 54 rental outlets in the Baltic States .",neutral +"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 .",neutral +"`` Subscribers can browse free numbers with their handset , and select the numbers , packages and services they prefer when activating the phone .",neutral +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 .,neutral +"At the same time , sales development in Russia was boosted by the opening of Stockmann Nevsky Centre in St Petersburg .",positive +"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 .",neutral +RBS chairman admits surprise at size of regulatory penalties,negative +Ramirent Finland is the domestic unit of machinery rental company Ramirent Oyj HEL : RMR1V .,neutral +"Like all other mechanical pipettors from Biohit , also Proline Plus is CE-IVD marked and comes with a 3-year warranty .",neutral +"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 .",neutral +The invention carries International Patent Publication No. .,neutral +"Blyk is launching first in the UK market in mid-2007 , with other markets to follow .",neutral +Petrofac books further £30m cost for Shetland gas terminal delays,negative +"Swedish engineering consultant firm Etteplan is to establish a unit in town Borl+ñnge , by the turn of the month March-April 2008 .",neutral +"The agreement was signed with Biohit Healthcare Ltd , the UK-based subsidiary of Biohit Oyj , a Finnish public company which develops , manufactures and markets liquid handling products and diagnostic test systems .",positive +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 .,positive +"@Dlerch LOL! $FMCN back under $17, darn those shorts! No chit Sherlock!",negative +The total value of the deliveries is some EUR65m .,neutral +"Also, BMO had just initiated $incy with an outperform yesterday, while several other firms all reiterated buy ratings.",positive +` Nordic infrastructure construction is one of our strategic growth areas .,neutral +These share transactions are part of the company 's strategy of relinquishing assets that are not part of its core business .,neutral +Net sales decreased to EUR 91.6 mn from EUR 109mn in the corresponding period in 2005 .,neutral +"CompaniesandMarkets.com provides a wide range of research reports , industry statistics and competitive intelligence on the industrial sector .",neutral +"Technopolis has Finnish operations in Oulu , Vantaa , Espoo , Lappeenranta , Jyvaskyla and Tampere and is also preparing to expand its operations to Russia .",neutral +"EPS from continuing operations came in at 0.30 eur , up from 0.17 .",positive +"When open next year , it will be the largest facility in the world to produce diesel fuel from renewable feedstock such as palm oil and animal fat .",positive +"European stocks hover near 3-week low, Dialog and BHP slump",negative +The value of the deal is estimated at between SEK25m and SEK50m .,neutral +"The company said that its investments in the new market areas resulted in sales increase in Sweden , Poland , Russia and Lithuania .",positive +"Operating profit was EUR -0.1 mn , down from EUR 1.3 mn .",negative +"As part of the reorganisation measures that will take place in spring 2006 , Tamglass Finton will start personnel negotiations that will affect its entire staff of 33 .",negative +The output of the contracts totals 72 MWe .,neutral +"As capacity was cut with 1.4 % , the passenger load factor was down 7.8 percentage points .",neutral +$YELP This goes green and so many shorts are toast!,positive +"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 .",negative +"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 .",neutral +VIVUS $VVUS bear raid in effect. Stock down 12%,negative +"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 .",neutral +"Red Daily Triangle on $SHOR,...Scaling Up on Long Position http://stks.co/r82S",positive +"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",neutral +Fortum is now considering taking part in nuclear energy projects outside of Finland .,neutral +"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 .",positive +"The Company operates through four principal divisions : Consumer Packaging ; Office Papers ; Speciality Papers , as well as Market Pulp and Energy .",neutral +"zip , '' experts warned Tuesday .",neutral +Tesco shareholders back ITV head for chairman,positive +"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 .",neutral +Currently the quarterly applied surcharges differ significantly from the actual market prices .,neutral +"$KNDI Break that HOD on volume, and we have a nice consolidation completed for another run.",positive +"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 .",neutral +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. .,neutral +UNC Charlotte would also deploy SSH Tectia Connector to enable secure application connectivity .,neutral +Also Chile is an important market area for forest machine companies .,neutral +"The developers of that project predict that once it is completed in April 2009 , Skanssi will attract some 4.5 million visitors annually .",positive +"The operating loss amounted to EUR 0.8 mn , compared to a profit of EUR 3.9 mn a year earlier .",negative +"The most popular mobile data services are email , surfing the internet , as well as news and weather services .",neutral +"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 % .",neutral +18 March 2010 A leakage in the gypsum pond was detected today at the Talvivaara mine .,negative +Following the increase the company+óEUR TM s capital totals 5.5 mln Romanian lei $ 1.98 mln-1 .56 mln euro .,neutral +Radiation and today is a full service house expert in radiation and nuclear safety issues .,neutral +"Tesla Motors recalls 2,700 Model X SUVs $TSLA https://t.co/xDGrAExkKz",negative +"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 .",positive +"New Delhi , Feb. 12 -- Korteniemi Anneli , Helokunnas Tuija , Peltola Marjo , Keskinen Jukka , Salminen Jussi , Tusa Kia and Janhonen Risto of Nokia Telecommunications Oy , Espoo , Finland have developed cable adjustment device .",neutral +"$amzn 4 period RSI is down at 20, just read Connors book on trading strategies",positive +"Koff 's market share of the volume of the market was 23.4 % , Karhu 's 21.4 % .",neutral +"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 .",neutral +The Board of Directors was authorized to decide on other terms of the share issue .,neutral +"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 .",positive +Can Christmas Save Sainsbury's plc And Tesco plc?,negative +"In 2007 , the Group 's net sales stood at EUR 42 million and it had about 1,445 employees .",neutral +"The program included operational improvements and reductions in personnel , mainly in the Netherlands .",neutral +`` Our customer has been satisfied with Basware Invoice Automation solution and extends the implementation to new geographies .,positive +The growth of net sales has continued favourably in the Middle East and Africaand in Asia Pacific .,positive +The company will propose a dividend of EUR0 .12 per share for 2008 .,neutral +$AMCN pushing highs,positive +"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 .",positive +"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 .",positive +"Operating loss totalled EUR 0.3 mn , down from a profit of EUR 5.1 mn in the first half of 2009 .",neutral +"Currently , the company uses eight similar reach stackers and four empty container handlers by Konecranes .",neutral +$AAPL wants lower. up waves getting smaller on the 2 min,negative +The planned ethanol and energy production plant can operate in correlation with a waste treatment unit or a paper mill .,neutral +Basic banking activities continued as normal .,neutral +Raisio is the site of the main production plants as well as company headquarters .,neutral +Tesco sells Blinkbox and broadband service to TalkTalk,positive +"In Switzerland , Teleste have been an established supplier of products for a long time and its primary customers include cable and fiber-to-the-home ( FTTH ) operators .",neutral +Ahlstrom 's share is quoted on the NASDAQ OMX Helsinki .,neutral +"The composite body is coated with a hard coating layer produced by thermal spraying , and the coating is ground . ''",neutral +"- Demand for fireplace products was lower than expected , especially in Germany .",negative +"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 .",neutral +Sales fell abroad but increased in Finland .,neutral +Fiskars will be undertaking community projects throughout the UK and they are also on the lookout for local volunteers who are interested in helping out with the selected restoration projects .,neutral +"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 ) .",neutral +Nasdaq Sets Up for Breakout Part II | via @AllStarCharts http://stks.co/15Nv $GOOG $AMZN $QCOM,positive +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 .,positive +"Our in-depth expertise extends to the fields of energy , industry , urban & mobility and water & environment .",neutral +"UK housing market steadies after Brexit dip, Persimmon says",positive +Ponsse will divide its sales and maintenance service network into six geographical areas .,neutral +"After the transaction , Alma Media raised its stake in Talentum to 30.65 % of the shares and some 31.12 % of voting rights .",positive +Pharmaceuticals group Orion Corp reported a fall in its third-quarter earnings that were hit by larger expenditures on R&D and marketing .,neutral +"In food trade , sales amounted to EUR320 .1 m , a decline of 1.1 % .",negative +Why I'd Buy ARM Holdings plc And BHP Billiton plc Today,positive +$AAPL http://stks.co/1LDx Clearing this descending trend line / buy area now,positive +Novartis buys remaining rights to GSK treatment in deal up to $1 billion,positive +"It 's even a little bit higher than Yara 's multiples on itself , ' an analyst in Helsinki said .",neutral +"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. .",neutral +"Lifetree was founded in 2000 , and its revenues have risen on an average by 40 % with margins in late 30s .",positive +The shares subscribed will be eligible for trade on the following day from the registration .,neutral +"Handelsbanken ranked before Local Cooperative Banks and Aktia in customer loyalty this time too , however .",positive +"One of the opportunities would be to bring all Baltic meat processing to Rakvere , like processing was concentrated at the Vantaa meat-packing unit in Finland , the paper wrote .",neutral +"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 .",negative +@Renatta @Fr0van @kjepeneter @RPTL Strong close 4 $PLNR coming,positive +"This action follows personnel negotiations concerning Elcoteq SE , Finnish Branch , Elcoteq Finland Oy and Elcoteq Design Center Oy .",neutral +"`` Uncommonly weak snow conditions in nearly every market have affected our first quarter result , '' Chief Executive Roger Talermo said .",neutral +"Currently it operates a fleet of eight carriers , as well as nine pushers and barges .",neutral +"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 .",negative +Profit taking on $AAPL this morning? That has to be the pressure on the stock. I'm still bullish on $AAPL.,positive +The capital structure of Solidium may be complemented by other financial instruments in the future .,neutral +The transaction is planned to be financed with a EUR40m market-based loan granted by Standard Chartered Bank Hong Kong .,neutral +"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 ) .",neutral +Hobby Hall 's sales decrease 26 pct due to implementing a new information system that involved changing in the principal of posting sales .,neutral +@mugatushair Now it is time to short $TSLA,negative +"In Q1 of 2009 , Bank of +àland 's net interest income weakened by 10 % to EUR 9.1 mn .",negative +The contract involves refurbishing the bathrooms of 189 units as well as re-plumbing their water and sewer pipes .,neutral +The total project duration is three years and it is valued at some EUR11 .5 m.,neutral +"The total floor area of the plant expansion is 29,000 square metres .",neutral +`` Printed fabrics and related design expertise have always been the core of Marimekko 's business and brand .,neutral +"$DNN picked some up, like this going into 2014",positive +"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 .",positive +"The period-end cash and cash equivalents totaled EUR6 .5 m , compared to EUR10 .5 m in the previous year .",neutral +"Tulikivi manufactures heat-retaining , soapstone and ceramic fireplaces , as well as natural stone products and utility ceramics .",neutral +"`` 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 .",neutral +"In Finland , Sampo Bank , now part of the Danske Bank group , will lay off staff from the administrative and support functions .",negative +"TeliaSonera 's underlying results however included 457 mln skr in positive one-offs , hence the adjusted underlying EBITDA actually amounts to 7.309 bln skr , clearly below expectations , analysts said .",neutral +$HCP Come to the party and buy this -gonna give solid gains and a dividend $$$$$$,positive +The phones are targeted at first time users in growth markets .,neutral +Revenues at the same time grew 14 percent to 43 million euros .,positive +Drugmaker Shire to buy Baxalta for $32 billion after 6-month pursuit,positive +"Full-year net sales are expected to increase by approximately 10 % , the company said .",positive +"The tightened competition situation in the production automation market has affected net sales during 2006 , Cencorp said .",negative +A survey conducted by Taloustutkimus for Sampo Life shows that companies are badly prepared to losing key staff members .,negative +The company slipped to an operating loss of EUR 2.6 million from a profit of EUR 1.3 million .,negative +$FB Nice buyable intraday dip right here,positive +"@BrooklynBandit: $SIMO Basing nice. A close over 24.18 is bullish $QQQ $SPY $STUDY watch for a close near HOD. Currently up +3%"" up +5%",positive +"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 .",positive +"All the ferries had run into trouble just outside the Stockholm archipelago , made up of more than 20,000 islands .",neutral +According to Deputy MD Pekka Silvennoinen the aim is double turnover over the next three years .,positive +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 .,neutral +The company 's board of directors would propose a dividend of EUR1 .00 per share for 2005 .,neutral +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 .,neutral +"The fair value change of investment properties was EUR 15.8 mn , compared to EUR 22.9 mn in the third quarter of 2009 .",negative +Marimekko is considering further measures in the matter .,neutral +Why $TWTR is doomed in 1 chart $FB $GOOG https://t.co/MpyLiReQjh https://t.co/nlcZawDoHP,neutral +"N +1 Group will pay EUR16 .5 m of the transaction price upon closing , and the remaining sum in 2012 .",neutral +"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 .",neutral +Our Canned-preserved food in Finland report offers a comprehensive guide to the size and shape of the market at a national level .,neutral +The economic occupancy rate of Sponda 's property portfolio rose to 91.2 % from 88.8 % in 2006 .,positive +The value of the contracts is about EUR 3.3 mn .,neutral +MarketsShire up 2.5% and Baxalta up 6% on $32bn deal,positive +Finnish Bank of +àland will launch its long-term pension savings account at the beginning of June 2010 .,neutral +"ALEXANDRIA , Va. , Nov. 5 -- Risto Kontturi of Rajamaki , Finland , and Jari Ylinen of Hyvinkaa , Finland , have developed an automated transportation system with a user-controlled transport selection .",neutral +"He does not believe , however , that HKScan or Atria will start to use imported meat as Finnish consumers prefer domestic products .",neutral +`` We are selling an information systems development business to the Finns .,neutral +"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 .",neutral +RusHydro has an agreement to transfer its stakes in OESK and the five ERCs into the trust management of Inter RAO .,neutral +"Kaleva Kustannus Oy ( business ID 0187274-0 ) has , according to its notice , on 10 August 2009 acquired 4,458,000 Alma Media shares .",neutral +"Glaston , headquartered in Tampere , Finland , is a growing and international glass technology company .",neutral +"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 .",positive +Buyback not trending right ( $CPIX spending more as shares pricier). Hopefully will pull back w 6.87 Q2 closing VWAP,negative +"The company 's annual loss amounted to EEK 18mn , compared to a profit of EEK 7.3 mn in 2008 .",neutral +"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 .",positive +"HELSINKI AFX - Salcomp , the mobile phone charger manufacturer , said it has appointed Markku Hangasjarvi as its new CEO , following the resignation of Mats Eriksson .",neutral +"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. .",positive +"Companies evaluated in the report include Aladdin , CA , F-Secure , Kaspersky , Marshal , McAfee , Microsoft , Panda , Proofpoint , Sophos , Symantec , Trend Micro , Tumbleweed , and Websense .",neutral +Around 50 percent of the world 's ro-ro fleet is over 25 years old and needs to be scrapped for environmental reasons .,neutral +"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 .",positive +"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 .",neutral +The Insolvency Act regulates the amount of debt that borrowers are permitted to write off .,neutral +The investment will be worth approximately EUR 100mn .,neutral +The company is presently examining whether the project would be financially feasible .,neutral +Also Lemmink+ñinen 's profit for accounting period went up to EUR 3.1 mn from EUR -24.5 mn a year ago .,positive +"The start of the negotiations , relating to Glaston 's efficiency program , was announced in October .",neutral +The continued operations mean the structure after the restructuring of the Aspocomp group including Aspocomp Oulu and the headquarter operations .,neutral +Earnings per share ( EPS ) amounted to a loss of EUR0 .05 .,negative +"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 .",neutral +The shares carry a right to dividend and other shareholder rights as from their registration with the Finnish Trade Register .,neutral +$NFLX I say it's time to short at this point.,negative +"2nd raise this year. ""@BVHealthcare: $QCOR Questcor Increases Quarterly Cash Dividend 20 Percent.. http://stks.co/goan""",positive +Aviva shuts Friends Life head office in rapid integration move,neutral +The move was triggered by weak demand for forestry equipment and the uncertain market situation .,neutral +"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 .",neutral +"The Division also includes joint sales , marketing and controlling functions for these units .",neutral +"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 .",neutral +"As a result , the company will temporarily lay-off 25 % of the whole personnel , approximately 270 persons at Kirkkonummi and Nivala factories .",neutral +"Result before taxes decreased to nearly EUR 14.5 mn , compared to nearly EUR 20mn in the previous accounting period .",negative +The majority of the company 's personnel in Finland is temporarily laid off from one to six weeks in the period from February to June 2009 period .,negative +The company reported today an operating loss of EUR0 .1 m on net sales of EUR4 .5 m for the first quarter 2008 .,negative +The GyPSii mobile social networking application is available in China with both Chinese and English language support .,neutral +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 .,neutral +X marks the recall: Tesla recalls #ModelX for faulty 3rd row seat. https://t.co/HSqdoVry07 $TSLA https://t.co/4Cs3CNZEBB,negative +A 2001 agreement expired earlier this month .,neutral +loading $SPY and $AAPL puts. think were toppy IMHO.,negative +"So far , Mr. Galvan he has been able to avoid laying off workers .",positive +The measures result from the statutory joint negotiations with employees which started in February and concerned all operations in the country .,neutral +"When the negotiations were started , Neste Oil anticipated that 450 people would be affected .",neutral +"According to Arokarhu , some of the purchases that had been scanned into the cash register computer disappeared when the total sum key was pressed .",neutral +"$AAPL double bottom could be in, keep in mind",positive +"F-Secure Internet Security 2010 is a security service for surfing the web , online banking and shopping , e-mail , and other online activities .",neutral +Orion Pharma 's operating profit increased by 42.5 % from 2004 .,positive +"The changes will take effect on 1 January 2010 , and they are not estimated to have an impact on the number of employees .",neutral +"The recruitment is related to the relocation of Stora Enso 's research operations to Karlstad , central Sweden .",neutral +Operating loss totaled EUR 25mn compared to a profit of EUR 63mn in the corresponding period in 2005 .,neutral +"Profitability ( EBIT % ) was 13.6 % , compared to 14.3 % in Q2 2009 .",neutral +"This new representation extends Comptel 's global presence to a total of 18 countries , serving over 250 customers in over 80 countries worldwide .",positive +"Elisa Corporation will disclose its financial statements for 2006 on Thursday , 8 February 2007 .",neutral +"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 .",positive +The deliveries are scheduled for the summer and autumn of 2008 .,neutral +"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 .",positive +GSK and Novartis complete deals to reshape both drugmakers,positive +It is expected to be online by 2011 .,neutral +Legal & General arm buys 50 pct stake in MediaCityUK in Manchester,positive +Quality chargers under CHARGZ brand are sold in selected retail stores and other sales locations world-wide .,neutral +Passengers rise at EasyJet and Aer Lingus,positive +Operating profit rose to EUR 4.7 mn from EUR 4.6 mn .,positive +Central Europe is an important market area for Honka .,neutral +A total of $ 78 million will be invested in the project .,neutral +"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 .",neutral +"$IFF technical alerts: Stochastic Sell Signal, 200 DMA Support, and 50 DMA Support http://stks.co/p12QY",negative +"On the basis of competitive bidding OOO Kitai Stroi , the Russian subsidiary of China State Construction Engineering Corporation , a construction company owned by China State , has been selected as the main constructor .",neutral +British American Tobacco drops and sues PwC over pollution scandal,negative +"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 .",neutral +"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 .",positive +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 .,neutral +"`` In terms of profitability and earnings 2007 was the best year in our history , '' Chief Executive Veli-Matti Mattila said .",positive +Closing of such transaction took place today .,neutral +"In addition , a further 29 employees can be laid off until further notice and the whole workforce can be laid off for short periods if needed .",negative +"The Annual Report will be sent automatically to shareholders holding at least 2,000 Sampo plc shares .",neutral +UPM-Kymmene is one of the world 's leading printing paper producers with production in 15 countries and a sales network covering more than 170 companies .,positive +"` 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 .",positive +"Nokia will continue to invest in future development of Qt for the benefit of all users , both Commercial and LGPL .",positive +$HITK Resuming advance into new historical highs.,positive +`` NTC has a geographical presence that complements Ramirent 's existing network and brings us closer to our customers in the East Bohemia region in the CzechRepublic . '',positive +"Metso is a global supplier of sustainable technology and services for mining , construction , power generation , automation , recycling and the pulp and paper industries .",neutral +"Biohit Oyj develops , manufactures and markets liquid handling products and diagnostic test systems for use in research , healthcare and industrial laboratories .",neutral +"New Chairman of the Board of Directors , Mr Chaim Katzman , will give a presentation and answer questions .",neutral +Viking Line manages well with its current ferries .,positive +"When dialing in , the participants should quote 877417 as conference ID .",neutral +The objective of the St. Petersburg office is first to boost the Company 's maintenance business .,neutral +Operating profit totaled EUR 17.7 mn compared to EUR 17.6 mn in the corresponding period in 2007 .,positive +- 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 .,negative +`` We have the most expensive water brand in Finland at the moment . '',neutral +"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 .",neutral +"$BRK.B $SPY All time high tomorrow? 150k on the A shares, Dec 13, 2007.",positive +Salonen added that data shows producers ' pulp inventories in North America are declining . ',negative +`` Marimekko aims to expand its distribution network primarily by increasing the number of concept stores and shop-in-shops .,neutral +SRV lowered its net sales estimate for the whole of 2008 due to uncertainties in housing sales .,negative +$AWR Standard & Poor's Affirms 'A+' Credit Rating at American States Water Company and Golden State Water Company http://stks.co/f2P94,positive +"According to CEO Kai Telanne , the company 's newspapers achieved the best financial result ever .",positive +Seat belt recall? who cares.... I'm a buyer $TSLA,positive +Randgold profit hit by poor gold price but dividend still increases,neutral +"( 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 .",neutral +Finnish Raute Precision that supplies weighing and dosing systems and plants is changing its name to Lahti Precision .,neutral +$AAPL at resistance right here...sold my shares...will buy back if it dips or if it goes in the 128 gap zone,negative +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 .,positive +"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 .",negative +The robust growth was the result of the inclusion of clothing chain Lindex in the Group in December 2007 .,positive +CompaniesDixons Carphone to close 134 UK stores as sales jump,positive +"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 .",neutral +The measures result from decreased demand in technical design and product information .,negative +"Kraft, Cadbury's and Britvic in Total Recall: how pulling a product affects profit",negative +"The currency effect had a 3.0 pct , or 20 mln euro ( $ 31.3 mln ) , negative impact on the revenue .",neutral +$SPY bull move ended waiting for next setup,negative +Analysts impressed with progress at Tesla's flagship factory; co spent $1.6B on upgrades in '15 https://t.co/SABxCSn8cd by @tsrandall $TSLA,positive +$ISRG Break out confirmed. Bought Leaps. Good trading!,positive +"The highest growth would be in China , while weakening demand would continue in North America , UPM said .",neutral +"from BUSINESS LINE , May 16 , 2008 Sriperumbudur , May 15 - Nokia 's two key suppliers - Aspocomp and Wintek - are likely to start operations within three months in the Nokia Telecom Park at Sriperumbudur , 45 km west off Chennai .",neutral +I am not optimistic about $amzn both fundementals and charts look like poopoo this quarter.,negative +He said he has been losing five families a month to the economy as many make alternative arrangements to save money .,neutral +"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 .",neutral +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 .,positive +AB InBev's Latest Bid Said Unlikely to Win SABMiller's Approval,positive +The company 's equipment rental portfolio consists primarily of tools for small and mid-sized customers in the construction industry .,neutral +It is a disappointment to see the plan folded .,neutral +"Pretax loss totalled EUR 49.9 mn , compared to a loss of EUR 15.4 mn in the corresponding period in 2008 .",neutral +Operating profit rose to 22.1 mln eur from 19.9 mln .,positive +"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 .",negative +"The segment has an annual revenue of approximately EUR400m , the company said .",neutral +"We are very pleased with the fine co-operation between the two countries in recent times , he said .",positive +"Cramo , headquartered in Vantaa , Finland , rents construction machinery and equipment , as well as rents and sells modular space .",neutral +"We also strengthen our existing partnership with Cybercom '' , says Teleste CTO Esko Myllyla .",positive +"On 20 March 2006 , Stora Enso refused to comment the news in any way .",neutral +Operating profit increased to EUR 14.0 mn from EUR 4.9 mn in the corresponding period in 2005 .,positive +$ZNGA http://stks.co/3rdu Looking for a test at 9.25 resistance point. cc @ cfrazierjr @FletchTrade #traders,positive +"Previously , the company anticipated its operating profit to improve over the same period .",positive +SWOT analysis is just one method of categorization and has its own weaknesses .,neutral +Merrill Lynch analyst Campbell Morgan upgraded his recommendation on PaperlinX from `` neutral '' to `` buy '' in May .,positive +"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 .",neutral +The group 's 12-month operating profit grew 31 percent to 337.8 million euros .,positive +- Counter your competitor 's strengths and target their weaknesses .,neutral +Return on capital employed ROCE was a negative 2.3 % compared to 11.3 % in 2007 .,negative +"$LULU http://stks.co/o17i Bounced off support early in week - now indicators turning up (RSI, MACD, SMI) Worth a look",positive +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 .,neutral +"`` We continued actively to focus R&D and to position our offering away from point solutions towards dynamic end-to-end solutions , '' Ervio stated .",positive +$AAPL - Has broken its downtrend - but 200DMA proving to be stiff resistance short term. https://t.co/VlzlgvIHZV,positive +"In 2009 , Stora Enso 's net loss was EUR 879.7 million compared to EUR 673.4 million in the previous year .",negative +"NORDIC BUSINESS REPORT-17 January 2006-Efore Plc inaugurates new plant in Estonia -® 1998-2006 M2 COMMUNICATIONS LTD Finnish power electronics manufacturer Efore Plc said on Tuesday ( 17 January ) that it was inaugurating its new plant in Parnu , Estonia .",neutral +"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 .",neutral +Reed Elsevier share price slides on underwhelming full-year results,negative +"Technopolis has set aside a plot of land measuring 4.6 hectares to build the park , Mikkonen said .",neutral +GyPSii service supports ten different languages including Korean and Russian .,neutral +The company turned to earnings per share ( EPS ) of EUR 0.03 versus loss per share of EUR 0.01 .,positive +The company does not at present hold any of its own shares .,neutral +The estimated value of the deal is USD 9.2 million .,neutral +"In future , the plant will focus on the production of flange profiles for wind farm towers .",neutral +"As a result of these transactions , the aggregate holdings of Burrill Life Sciences Capital Fund , L.P. has decreased below 5 per cent of the total number of shares and votes of the Company .",negative +"Revenue in July to September grew 14 percent to ( EURO ) 467 million from a year earlier , the company said Thursday .",positive +4 February 2011 - Finnish privacy and security software developer Tectia Oyj ( HEL : TEC1V ) said Wednesday it has set up two strategic business units - managed security and mobile authentication .,neutral +"SDM offers general rental equipment , aluminium scaffolding , power generator and hoists to customers in the construction sector .",neutral +$tsla bad day to short,positive +"Nokia controls more than 50 percent of phone sales in India and Africa , and has a strong prosition on most other emerging markets .",positive +$CYTX looks like an ascending channel on Finfiz http://stks.co/f26r4,positive +Storengy is the GDF SUEZ company that is dedicated to the underground storage of natural gas .,neutral +30 November 2009 - Finnish office furniture maker Martela Oyj HEL : MARAS said today that it will make redundant three people and other nine will be laid off permanently from the company 's office staff and factory workers .,neutral +"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 .",neutral +The financial details of the transaction were not disclosed .,neutral +"The two companies will also partner in further developing Raiso 's cholesterol lowering brand , Benecol .",positive +$NUGT Gold above 1400...wow,positive +Diageo sales disappoint as currency and comparatives leave bitter taste,negative +Finnish M-real 's Kyro mill is starting negotiations to cut staff .,neutral +LONDON MarketWatch -- Share prices ended lower in London Monday as a rebound in bank stocks failed to offset broader weakness for the FTSE 100 .,negative +Shares in BAE Systems hit 10-month high on rating upgrade,positive +"Capacity will ease at its Seikku sawmill in Pori and Alholma sawmill in Pietarsaari and result in 60 people being laid off for around six weeks starting mid-May , it said .",neutral +The transaction is expected to be finalized by Dec 2009 .,neutral +$ARIA Bounce Player! Long above $6.17 http://stks.co/q0WfF,positive +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 .,neutral +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 .,positive +"Operators only need to learn how to use one device for multiple levels of applications , including voice-directed operations .",neutral +Rival companies $GWR and WATCO eyeing $RA w take-over interest. http://stks.co/o0xY,positive +"Net interest income was EUR 152.2 mn , up from EUR 101.0 mn in 2008 .",positive +"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 .",negative +Net sales fell by 33 % from the third quarter of 2008 to EUR 130.5 mn .,neutral +"In July-September 2009 , Konecranes ' sales decreased to EUR 368.7 mn from EUR 520.4 mn in July-September 2008 .",negative +"The result will also be burdened by increased fixed costs associated with operations in China , and restructuring costs in Japan .",negative +"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 .",neutral +"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 .",neutral +"Cargotec 's share capital after the increase totals EUR 64,299,180 .",neutral +Sophos aims to raise $100m in London IPO,positive +"`` The new structure provides better communication , faster decision-making and cost savings , '' Proha said .",positive +"The 718,430 new Series A shares will become subject to trading on the Helsinki Stock Exchange 's Main List , together with the old Series A shares , on July 3 , 2006 .",neutral +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 .,positive +"The remainder of its revenues will come from technology agreements with other firms , InterDigital said .",neutral +"Tyrvaan Sanomat , published twice a week by Tyrvaan Sanomat Oy , appears in Sastamala and Kiikoinen .",neutral +"Cargotec Corporation , Press Release , April 28 , 2008 at 2.00 p.m. Finnish time Cargotec 's MacGREGOR business area providing marine cargo handling and offshore load handling solutions has received significant hatch cover orders for bulk carriers .",positive +Juha Haapakoski will continue as Editor-in-Chief with budget responsibility also with the new publisher .,neutral +Nordstjernan has used its option to buy another 22.4 % stake of Salcomp 's shares and votes .,neutral +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 .,neutral +"The tower it chose to add , due to go into operation in the summer , will increase total capacity to 80 broadsheet or 160 tabloid pages , with the ability to run 32 - and 48-page products side by side .",positive +"Scanfil , a systems supplier and contract manufacturer to the communications sector , will start personnel negotiations in Oulu , in Finland , to lay off staff temporarily .",negative +Operating profit decreased to EUR 16mn from EUR 21.1 mn in 2008 .,neutral +"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 .",neutral +"The company will disclose further details , including the anticipated transaction timetable and the name of the new investor , within one week .",neutral +"`` The number of collection errors fell considerably , and operations speeded up .",positive +Insurer Old Mutual picks Standard Bank's Hemphill as new CEO,neutral +"Broker tips: RBS, Croda, Sage",positive +"Operating profit was EUR 0.6 mn , up from a loss of EUR 19mn a year earlier .",positive +"The reductions will be implemented immediately , beginning in October 2009 .",neutral +$EBAY had a nice breakout of the recent consolidation. Congrats to those who had it. http://stks.co/2TAd,positive +"The company plans to close two of the three lines at the plant , where some 450 jobs are under threat .",negative +The contract includes heating plant equipment and associated installation work .,neutral +Kinder Morgan and BP Form Joint Venture Limited Liability Company to Purchase ...,positive +"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 .",negative +"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 .",positive +The total investment in 2006 and 2007 is expected to amount to about EUR75m .,neutral +Mursula said they tried to gather macro-economic perspective to see how Malaysia was doing .,neutral +The presentation material can be viewed on the company 's website in English after the conference .,neutral +"Finnish Metso Paper has won an order to supply an uncoated fine paper machine to MCC Paper Yinhe , in China .",positive +"When completed , the 120-meter Watchtower will be the highest building in Ireland .",neutral +"Galeria Podlaska , a shopping mall on Wysockiego Street in Bia ` ystok , is approximately 60-percent leased or reserved .",neutral +The product 's front-edge folding maximizes weather resilience and enables a seamless roof finish .,neutral +"Intuitive Surgical $ISRG is in a great financial position, take a look https://t.co/VahhJAcBFG https://t.co/24hQTQX4ou",positive +Dragonfly Love is another video shot from start to finish using the Nokia N8 .,neutral +"The new apartment block is going up very close to the city center , explained Chairman of the Board of AS YIT Ehitus Priit Sauk .",neutral +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 .,neutral +REFILE-Hikma and Barclays help Britain's FTSE to climb higher,positive +Finnish Stockmann Group 's mail order unit Hobby Hall has launched a trial marketing campaign in Russia .,neutral +$UTSI http://stks.co/15uR Long setup. Reported very good earnings.,positive +"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 .",neutral +Demand was brisk as expected and order levels have remained high .,positive +"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 .",negative +Pretax profit decreased by 37 % to EUR 193.1 mn from EUR 305.6 mn .,neutral +"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 .",positive +"Comparable operating profit for the quarter decreased from EUR510m while sales increased from EUR860m , as compared to the third quarter 2007 .",negative +Barclays poised to replace Sir Mike Rake as he heads for exit,neutral +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 .,negative +Barclays appoints JPMorgan's Paul Compton as new COO,neutral +"$AAPL bounces off support, it seems",positive +Operating profit fell to EUR 38.1 mn from EUR 55.3 mn in 2007 .,neutral +The Estonian parliament was set to vote on amendments to the excise duty law on Wednesday that would add 0.42 kroons to the price of a liter of diesel and 0.45 kroons to the price of a liter of gasoline from the start of 2010 .,neutral +Elcoteq has a proven track record in electronics manufacturing services ( EMS ) and a global factory network coupled with modern manufacturing equipment and consistent systems and processes .,positive +$MTD (Mettler-Toledo) ready for a breakout,positive +"HSBC shakes up board with two new business chiefs, three departures",neutral +"The Inventors are Ridge Justin , Bao Yiliang and Karczewicz Marta .",neutral +"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 .",neutral +"In this way , the industry 's starting point has been the consumers ' needs .",neutral +"The prosecutor is also demanding Outokumpu pay a fine of EUR 800,000 at most .",neutral +"In 2008 , it generated net sales of EUR 9.3 million USD 13.1 m .",neutral +"Published by Globes online , Israel business news - www.globes-online.com - on November 16 , 2009 -® Copyright of Globes Publisher Itonut 1983 Ltd. 2009",neutral +The EUR17m contract includes both design and construction works .,neutral +$AAPL Beat the estimates. Will still go down on lack of new products. https://t.co/sX3z7u6N8o,negative +Delhaize Le Lion has selected the Aldata G.O.L.D. Vocal PDA solution on the Motorola WT4090 PDA terminal .,neutral +"The Baltimore Police and Fire Pension , which has about $ 1.5 billion , lost about $ 3.5 million in Madoff Ponzi scheme .",neutral +"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 .",positive +"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 .",neutral +"Operating loss totalled EUR 4.0 mn , compared to a profit of EUR 8.6 mn in the second quarter of 2008 .",neutral +"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 .",positive +Biohit already services many current Genesis customers and the customer base is expected to expand as a result of this agreement .,positive +"UPDATE: CIB, Legal & General Sell Egyptian Life Joint Venture To AXA",positive +`` Operating profit declined mainly due to the increased cost of wood and recycled fiber and the strengthened euro . '',negative +"This will be done domestically and in neighboring markets , both organically and through acquisitions .",neutral +"News FeedFTSE 100 movers: Ashtead jumps on strong interims; Glencore, BP in ...",positive +"Elite Residence Tower , a new development by Tameer , is located at the heart of Dubai Marina .",neutral +"@StockTwits: @Kbkiwi: $TSLA Tesla Model S sales exceed target, profitability guidance amended upward: http://stks.co/jQ0w""""",positive +Tesco sells half of stake in ecommerce site Lazada to Alibaba for £90m,neutral +"On top of that , the US Commerce Department published worse-than-expected construction spending figures for November .",negative +"Baltic Pearl CJSC , a subsidiary of Shanghai Foreign Joint Investment Company , is developing a project in St Petersburg , comprising about a million square meters of residential space , two hospitals and several schools and nurseries .",neutral +They are also upset that some of the machinery and work is taken over to Poland .,negative +Approval by shareholders of Cencorp in accordance with Finnish law .,neutral +"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 .",positive +$RSH - looking for first profitable quarter in 3 years!!! ;). LONG & STRONG,positive +$MFLX up pre mkt. Looks like GAP has been filled....lookin 4 short opt here,negative +Finnish forest machinery manufacturer Ponsse has agreed with Volvo on the start of cooperation in Latin America .,positive +"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 .",positive +"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 % .",neutral +"Irish Said Chasing Standard Chartered, RBS as Brexit Vote Nears",positive +"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. .",neutral +"$YOKU high volume blast off Friday, goes higher http://stks.co/qSaL",positive +"Kemira , headquartered in Helsinki , Finland , is an international chemicals group comprising the business areas Kemira Pulp & Paper , Kemira Water , Kemira Specialty and Kemira Coatings .",neutral +"Chic and cheerful , Finnish design house Marimekko has been sending its geometric textiles out into the world for the past 60 years .",neutral +"The recovery of demand that started toward the end of 2009 , continued in January-March 2010 .",positive +Comparable operating profit decreased to EUR 13.8 mn from EUR 17.1 mn in the corresponding period in 2005 .,neutral +"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 .",neutral +"The company can not give up palm oil altogether , however .",neutral +"In 2007 , the Group 's net sales stood at EUR 22 million and it had about 150 employees at the end of June , 2008 .",neutral +`` Marimekko operates in an industry in which changes in the business climate are reflected in consumer demand .,neutral +U.S. Debt Lures Schroders as ECB Depresses Rates,neutral +"Outotec is currently delivering a new oil shale processing plant for Eesti Energia in Estonia based on Enefit technology , which has been developed jointly by Eesti Energia and Outotec .",neutral +The EPS outlook was increased by 5.6 pct for 2007 and 7.0 pct for 2008 .,positive +The company has some 410 employees and an annual turnover of EUR65 .4 m. Vaahto Group is listed on the Nordic Exchange in Helsinki .,neutral +"$DPZ broke out now of his bull flag channel and make new highs, but volume is very poor",positive +"$AMZN rejected that 604 to the penny. Weak open and it goes r/g within first 30 mins, could have 8-10 points in it. https://t.co/58tEAEXxpE",negative +This $BBBY stock options trade would have more than doubled your money https://t.co/Oa0loiRIJL via @TheStreet,positive +"Pretax loss totaled EUR 1.2 mn , down from a profit of EUR 2.1 mn in 2004 .",negative +#Tesla Model S deliveries are up 35% in Germany - record deliveries in March [Chart] https://t.co/yCnClcBImV $TSLA,positive +Operating profit of the Asian plants grew markedly .,positive +"The prosecutor is also demanding Outokumpu pay a fine of EUR 800,000 at most .",negative +"Konecranes has previously communicated an estimated reduction of about 1,600 employees on group level in 2009 .",negative +The Oulu plant employs approximately 120 people .,neutral +at 9:00 EET Alma Media 's Annual Report for 2009 is scheduled to be published in calendar week 9 .,neutral +"SCOPI Chief Business Excellence Officer , Eng .",neutral +"The share capital of Basware Corporation is 11,720,829 .",neutral +New Morrisons duo get former boss's support to diffuse investor tension,positive +The order also includes start-up and commissioning services .,neutral +"`` UPM 's deliveries increased during the third quarter by 4 percent , and the efficiency of operations improved , '' Chief Executive Jussi Pesonen said .",positive +Outokumpu 's chief executive Juha Rantanen expressed his confidence in China market .,positive +Mr K.R. Vasantha has been appointed Managing Director of Incap Contract Manufacturing Services Pvt. Ltd. .,neutral +"The company is in charge of all natural gas storage activities in France , Great Britain , and Germany .",neutral +This solution is an extension to the existing online mediation solution delivered earlier by Comptel and IBM .,neutral +"With the U.S. Federal Government putting a stake in the ground , vendors - and their customers - are focused on meeting the deadline .",neutral +"Finnish construction company YIT Corporation is planning to build about 200 high-quality holiday homes near the Tahko ski and spa resort , in Finland .",positive +"Operating profit totaled EUR 6.7 mn , down from EUR 7.2 mn in the corresponding period in 2005 .",neutral +The third order awarded to Outokumpu Technology is by Shalkiya Zinc of Kazakhstan for the Shalkiya zinc-lead project in Kazakhstan .,positive +"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 .",neutral +"Tiimari Latvian representative Ineta Zaharova said that the company earned LVL 122,000 in 2005 profit , which is 20 times more that in 2004 .",positive +"Operating profit fell to EUR 35.4 mn from EUR 68.8 mn in 2007 , including vessel sales gain of EUR 12.3 mn .",negative +$SMH got a sell signal on 6/4 and needs to take out 39.28 to go higher otherwise headed lower than 37.60 gap below at 35.38,negative +The negotiations concern 246 salaried and senior salaried employees and are scheduled to be completed in six weeks .,neutral +The production is to be liquidated before June 2009 and 325 employees loose their jobs .,negative +"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",neutral +Deutsche Bank downgrades Starbucks because of new loyalty program https://t.co/Iy4LCUGABc $SBUX,negative +"Operating profit , excluding non-recurring items , totalled EUR 1.0 mn , down from EUR 1.6 mn .",neutral +"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 .",neutral +"Finnish Vaahto Group that provides paper-making technology and process machinery is starting negotiations concerning the temporary lay-offs of all 140 employees at the company 's plants in Hollola and Tampere , in Finland .",neutral +"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 .",negative +A filter is used to pre-process packets to determine if they need to be further processed by the processor of the network device .,neutral +"Altona stated that the private company of Altona chairman Kevin Maloney , Tulla Resources , would take up its entitlement in full .",neutral +"However , net sales in 2010 are seen to have grown to EUR598 .3 m from EUR582 .3 m in 2009 .",positive +"The Dutch broker noted that Nokian Tyres reported a good first quarter in 2006 , above or in line with consensus .",positive +"Okhta Center area is expected to have about 700,000 square metres of office premises by 2016 .",neutral +Operating profit improved to EUR 20.3 mn from EUR 11.4 mn .,positive +stores 16 March 2010 - Finnish stationery and gift retailer Tiimari HEL : TII1V said yesterday that it will cut a total of 28 jobs in its units Tiimari Retail Ltd and Gallerix Finland Ltd as a result of the closure of shops .,negative +The transaction is expected to be completed next spring .,neutral +The company expects its net sales for the whole 2009 to remain below the 2008 level .,neutral +"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 .",positive +"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 .",neutral +Customers in a wide range of industries use our stainless steel and services worldwide .,neutral +"The total number of voting rights is 74,612,523 .",neutral +"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 .",neutral +$ZAGG getting ready...Target $15 plus on a close over $13.50 on better than avg daily Volume http://chart.ly/lha44tn,positive +"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 .",negative +"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 .",negative +Recently the company decided to build a second identical plant at the same site due to be commissioned toward the end of 2008 .,neutral +for @vnoto74 to follow: after a SELL signal by $NDX internals [06/23] ~> technical SELL $QQQ [06/25] ~> DOWN,negative +Talentum 's net sales in September were smaller than expected .,neutral +"India 's trade with Russia currently stands at four billion dollars , growing 9.6 per cent in fiscal 2007 .",positive +An EU law on the issue may be introduced around 2010 .,neutral +$BIOC RSI extremely in long's favor looking at BIOC historically.,positive +"Consolidated operating profit excluding one-off items was EUR 30.6 mn , up from EUR 29.6 mn a year earlier .",positive +A broad range of connectivity options including 3G - HSPA and Wi-Fi gives consumers high speed access to the Internet .,neutral +"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 .",neutral +"Its product portfolio comprises harvesters , forwarders , harvester heads , as well as cranes and loaders .",neutral +$YHOO About to break out on the 5-min...,positive +"Digia will also set up two subsidiaries , Digia Norway AS and Digia USA Inc. .",neutral +"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 .",neutral +AB InBev attacks SABMiller bid rebuffal,negative +"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 .",positive +"It operates under three distinct brands : United Supermarkets , Market Street and United Supermercado .",neutral +Earnings per share ( EPS ) amounted to a loss of to EUR0 .06 .,negative +"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 .",neutral +"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 .",neutral +"Customers wave cards in front of the reader to make payments , similar to `` touch and go '' cards used in transport systems .",neutral +$BBRY nice bounce,positive +"However , in March 2009 , the government of St. Petersburg passed the front part of the building with the area 1,900 square metres and a land plot for a hotel worth USD 10-15mn to the company Delta .",neutral +Pharmaceutical market in Belgium Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Belgium .,neutral +Marimekko Group 's full-year net sales are estimated to increase by about 10 % .,positive +Her last position in Nokia Siemens Networks was head of Business Human Resources NSN global IT .,neutral +Wellness services will be important in the future .,neutral +Teleste expects to start the deliveries at the end of 2009 .,neutral +"A total EUR73 .7 m will be provided as secured senior three-year debt from the syndicate , involving Pohjola Bank HEL : POH1S , the Finnish arm of Nordea Bank AB STO : NDA , and Sampo Bank HEL : SAMAS .",neutral +"As reported June 26 , `` both circuits continued to alternately report the track as vacant and then occupied almost constantly from June 17 , when part of the track signaling device was replaced , to the time of the crash , according to the Metro source . ''",neutral +$JNK http://stks.co/2Fcm Does not want to go down... risk appetite still high,positive +"Product coverage : baked goods ; biscuits ; breakfast cereals Data coverage : market sizes historic and forecasts , company shares , brand shares and distribution data .",neutral +The closing of such transaction took place today .,neutral +AstraZeneca diabetes drug combination faces delay after FDA rebuff,negative +"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 .",neutral +"Following the registration , the share capital of Biotie is EUR 52,556,678.10 .",neutral +"Meanwhile , Alfa owns 25.1 % of MegaFon through Altimo , and 4.99 % of Turkcell via an 18.5 % stake in Cukurova Holding .",neutral +Scanfil issued a profit warning on 10 April 2006 .,negative +The borrower was happy to do the roadshow and this paid off as the hit ratio from it was high .,positive +"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 .",neutral +"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 .",positive +Finnish investment company Neomarkka is the main owner of Kuitu Finland 's successor .,neutral +"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 .",neutral +$XLB the weakest sector this year and possible false breakout http://stks.co/dL1Z,negative +UPDATE 1-Pearson expects to grow this year after solid end to 2014,positive +"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 .",neutral +"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 .",neutral +"Neste Oil Corporation is a refining and marketing company concentrating on clean , high-quality traffic fuels .",neutral +$NFLX Easy pop to 500$ by end of feb.. Then steady as she goes for 600 into second earnings report..800$ year end no matter what,positive +The company expects sales revenue of RMB8 .0 billion in 2009 .,neutral +$ARIA This is the reason why shorts don't show up...long steady small climbs. The best way to accrue value. IMO,positive +"`` Overall , we 're pleased with the startup curve ... and we 're pleased with the quality of the paper , '' Stora spokeswoman Patricia Dietz said Tuesday .",positive +As a result of the negotiations the employment of 130 blue - and white-collar employees at the Oulu plant would be terminated .,negative +Sales by Seppala diminished by 6 per cent .,negative +The combined value of the orders is almost EUR 3mn .,neutral +"Stora Enso said DeLight was suitable for a wide range of applications including food , cosmetics , home decoration and leisure products .",neutral +UPM stock fell 3 percent to EURO 12.49 $ 17.24 in early afternoon trading in Helsinki .,negative +Pharmaceutical market in Netherlands Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Netherlands .,neutral +$PCLN Trying to break daily trend line! Big move could happen https://t.co/gY0aDb2jsQ https://t.co/KPBBCgQ2xy,positive +"Fortum is looking to invest in several new production units , including a new waste-fired unit at its Brista combined heat and power ( CHP ) plant and a biofuels-based production unit at Vartan CHP plant .",neutral +Breaking: Tesla recalls all Model X cars .. details on show now $TSLA,negative +BG Group Still Happy With Shell's $70 Billion Offer,positive +@ACInvestorBlog: $SPY eod run :),positive +Pharmaceuticals - Netherlands This brand-new market analysis gives a clear overview of the actual situation and future outlook of the pharmaceutical market in Netherlands .,neutral +"Production capacity will rise gradually from 170,000 tonnes to 215,000 tonnes .",positive +Aviation Systems Maintenance is based in Kansas and generated net sales of USD 2.6 million for 2008 .,neutral +The fixed acquisition price amounts to NOK 70 ( approximately EUR 8.7 ) million and additional price NOK 15 ( EUR 1.8 ) million at maximum .,neutral +Tullow Oil Suspends Dividend Amid Oil Price Fall,negative +"The store is located in Poznan in a shopping center named Pestka , the company added .",neutral +The total emissions reduction from 1999 to 2017 will be thus 41 % .,neutral +"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 .",neutral +"rosendal at outotec.com Eila Paatela , Vice President - Corporate Communications tel. +358 20 529 2004 , +358 400 817198 e-mail eila .",neutral +"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 .",neutral +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 .,positive +RT @ACInvestorBlog $AAPL still on track for $500,positive +Each year the dividend is deducted from the subscription price .,neutral +"In addition , the contract includes modification of the effluent treatment plant at Follum .",neutral +"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 .",positive +Finnish sports equipment company Amer Sports said it has decided to lay off 370 workers from its Salomon division in France .,negative +"Tiimari 's registered share capital is 16,474,755 shares as per today .",neutral +"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 .",negative +Finnish Aldata Solution has signed a contract of supply its G.O.L.D. system to two French retail chains .,positive +"$YHOO fishy action. New party interested (DailyMail) bounce & retreats. Not short by any means, but action questions big up move. Thoughts?",neutral +"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 .",neutral +$CTRP breaking out https://t.co/Z2je3rTKch,positive +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 .,neutral +$SIGA Bid for Reargument Denied by Judge,negative +Unilever profit rises despite sales slump in China,positive +The site will cover over six hectares .,neutral +"$AAPL at pivot area on intraday chart- break here could send this to 50-day SMA, 457.80 http://stks.co/jPbN",positive +Finnlines will announce in week 17 of 2006 what measures it will take to tackle the situation .,neutral +stole my tweet. really wouldn't be surprised if we took out 423 and pinned around it RT @totalguru We could possibly even see425 today $AAPL,positive +RL-Nordic is a part of Raiffeisen-Banking-Group Austria and is a subsidiary to Raiffeisen-Leasing GmbH in Austria .,neutral +CompaniesHoward Davies appointment as RBS director delayed,neutral +Loss after taxes amounted to EUR 1.2 mn compared to a loss of 2.6 mn .,positive +$spy $vxx $aapl the parties over loaded on $uvxy volatility is back,negative +`` Our research shows that access to information technology has been one of the limiting factors for most small businesses especially when they work in a heterogenous network based environment .,neutral +The sale of the food potato business is part of Raisio 's plan to streamline and clarify its business operations .,neutral +Comparable operating profit decreased to EUR 13.8 mn from EUR 17.1 mn in the corresponding period in 2005 .,negative +$AMGN And #UCB Announce Positive Top-Line Results From Ph3 Study Evaluating Romosozumab In Men... https://t.co/4hBoUDR8B8 via @YahooFinance,positive +Finland-based international machinery rental company Ramirent Plc ( OMX Helsinki : RMR1V ) reported on Friday ( 15 August ) an operating profit of EUR65 .0 m on net sales of EUR342 .9 m for the period January-June 2008 .,neutral +Return on investment ROI was 4.1 % compared to 43.8 % in the first half of 2008 .,neutral +"Sampo Bank 's market share of lending was 13.6 % , down from 14.4 % in the first quarter of 2008 .",neutral +$BBRY lets see 14+ today,positive +$vxx adding to position here !,positive +"Cargotec 's sales totalled EUR 3.4 billion in 2008 and it employs approximately 10,500 people .",neutral +Auto Trader share price surges as company floats on LSE,positive +"We are very excited working with Maxis on this first commercial deployment of ` Master of Maya ' , said Joe Doering , Head of the Asia South region at Nokia Siemens Networks .",positive +"The pulp production in Finnish Kemij+ñrvi will also be liquidated and about 1,100 employees loose their jobs .",neutral +Okmetic expects its net sales for the first half of 2009 to be less than in 2008 .,negative +An Apple spokeswoman said the company declined to comment .,neutral +"We have also cut our price projections for paper and packaging , '' an analyst with Goldman Sachs said on a note on Monday .",neutral +"Furthermore , sales of new passenger cars and light commercial vehicles in the country declined by 5.4 % year-on-year last month .",negative +DMASIA-16 August 2006-Benefon extends manufacturing capability with ASMobile -® 2006 Digitalmediaasia.com & DMA Ltd. .,positive +"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 .",neutral +$Oil slid to a four-year low after #OPEC kept its oil production unchanged http://stks.co/a1IX4 $USO $WTI $Brent,negative +UPDATE 5-Barclays Chairman McFarlane axes CEO to speed up strategic change,negative +"Sampo Group that has become a major shareholder in Nordea owns TrygVesta 's main competitor , If P & C Insurance .",neutral +The sale of the Healthcare Trade business supports Oriola-KD 's strategy to focus on Pharmaceutical Wholesale and Retail businesses .,positive +The value of the firm 's forestry holdings increased by SEK 3.6 bn .,positive +"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 .",neutral +"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 .",neutral +"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 .",neutral +- I am pleased that Bjorn Wahlroos has accepted the nomination .,positive +"The product advisory does not apply to any other Nokia-branded battery , the company said .",neutral +AstraZeneca wins FDA approval for key new lung cancer pill,positive +"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 .",neutral +"The end-to-end delivery combines the competencies and services from TietoEnators Telecom & Media , Processing & Network and Digital Innovations Business Areas .",neutral +"Long Position on $IP,....Scaling UP http://stks.co/sIln",positive +"$QCOR a little pullback is fine but if this erases all of todays gains, I cannot believe the manipulation its capable of",negative +@technik I still have a smaller $GILD pos. Being very tender with cash due to volatility. So reluctant to keep many big positions.,positive +"The Group 's turnover in 2006 was EUR 39.2 million , and operating profit was EUR 3.9 million .",neutral +"In addition to verification of an identity and digital signatures , new state-approved Mobile ID enables to cast votes in elections as well .",neutral +The loss for the third quarter of 2007 was EUR 0.3 mn smaller than the loss of the second quarter of 2007 .,positive +Customers include hotels and restaurants as well as wholesalers and some retailers .,neutral +"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 .",neutral +"Result before taxes decreased to nearly EUR 14.5 mn , compared to nearly EUR 20mn in the previous accounting period .",neutral +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 .,negative +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 .,negative +"LONDON AFX - UK and European brokers ' recommendations issued today , as collated by AFX News from a range of market sources .",neutral +The agreement includes the entire process of managing Mercator 's supply chain in all regions where the company is currently present .,neutral +"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 .",neutral +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 .,neutral +$SAVE long. https://t.co/yEJuS9cMlC,positive +Sales in Finland rose by 3.9 % and international growth was 0.7 % .,positive +Mylan Appoints Ranjan Ray Chaudhuri as Global Commercial Lead for Mylan's Over ...,neutral +Our superior customer centricity and expertise in digital services set us apart from our competitors .,positive +"And the broker repeated its ` buy ' rating , based on expectations that current restructuring will lead to a clear improvement in performance in Europe in 2007 .",positive +Unit costs for flight operations fell by 6.4 percent .,positive +"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 .",neutral +The contract is for next year .,neutral +"`` With this agreement , we can continue our good cooperationand at the same time release capital that has been tied up in ourmachinery operation .",positive +Finnish technology company Raute Corporation ( OMX Helsinki : RUTAV ) issued on Tuesday ( 23 September ) a profit warning for the financial year 2008 .,negative +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 .,positive +AB InBev looks to win over SABMiller investors,positive +The company 's net sales in 2010 totalled MEUR 311.4 with an operating margin of 13.9 per cent .,neutral +"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 .",neutral +"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 .",neutral +AstraZeneca to Pay Inovio Up to $700 Million for Cancer Drug,positive +The full MidnightTrader extended-hours trading analysis and news service is available in real-time through COMTEX .,neutral +"At some point in 2010 , all separate company names , such as Palmberg , Tekmanni , Lemcon , Forssan Betoni , Suonenjoen Betonituote , among others , will disappear .",neutral +"In 2007 , almost two thirds of Orion 's net sales came from these drugs .",neutral +"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 .",neutral +"The 19,200-square metre technology center is located near University of Tampere in central Tampere .",neutral +Earnings per share EPS in 2005 amounted to a loss of EUR1 .26 .,neutral +The duration of the lay-offs per employee will vary from one to six weeks .,neutral +"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 .",positive +"It generated an operating loss of EUR 96.3 mn , down from a profit of EUR 43.9 mn .",neutral +"HELSINKI ( Thomson Financial ) - Kone said it has won four orders in Saudi Arabia , United Arab Emirates and Qatar worth 40 mln eur .",positive +"Apart from Nordea , also Ergo is competing for the position among the top three pension funds providers in Estonia .",neutral +"`` Over the years , the color orange has become synonymous with quality .",neutral +"In the reporting period , EPS stood at EUR0 .07 versus EUR0 .11 .",negative +Estimations indicate that even up to 170 different tablet computers or reading devices will be available in 2011 .,neutral +"Tesla Recalling 2,700 Model X Units, Related to Faulty Latch for Third-Row Seats; Fall To $252.50 Level on Recall, Shares Up 1% $TSLA",negative +Johnson Matthey revs up on clean air drive,positive +"Music is provided by all major international and regional labels including Universal Music Group , Sony Music Entertainment , Warner Music , EMI Music , Rotana , Mazzika , Melody Music , Platinum Records , and leading content aggregator The Orchard , as well as thousands of independent labels .",neutral +"The approximately 20,000 dwt vessel has been ordered from India .",neutral +Finnair said that the cancellation of flights would cause daily losses of x20ac 2.5 million US$ 3 million .,neutral +"Honkarakenne 's customer in this project is one of the biggest real estate companies in Kazakhstan , according to the company .",neutral +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 .,neutral +"( 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 .",positive +"UPDATE 1-SABMiller 2nd-quarter underlying sales rise, forex impacts margins",neutral +Finnish Raute Precision has won large glass batch plant and mortar plant orders from Mexico and the US .,positive +"For 2009 , net profit was EUR 3 million and the company paid a dividend of EUR 1.30 apiece .",neutral +The category was marked by maturity and the recession .,neutral +"Went long on this $COG, will see 70's again me thinks",positive +The company slipped to an operating loss of EUR 2.6 million from a profit of EUR 1.3 million .,neutral +"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 .",neutral +"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 .",neutral +Changes to the as-built models from the design were communicated to the subcontractors to accommodate them into the steel and GRC fabrication process .,neutral +"The company is also seeking possibilities to relocate the Luumaki personnel , some 50 people , to other UPM mills .",neutral +The company said that it has started to investigate streamlining its operations in order to meet the tightening competition on the mobile phone charger market .,positive +"Finnish holding company Panostaja Oyj said on June 12 , 2007 it has signed a letter of intent to acquire local Lahden Lampokasittely Oy and Heatmasters Oy , active in the heat treatment of metals , for a total 3.1 mln euro ( $ 4.1 mln ) .",neutral +CompaniesDiageo stays neutral on India boardroom turmoil,neutral +GE to Sell Majority Stake in Bank BPH's Core Bank to Alior Bank,positive +The company will be part of Teleste 's Video and Broadband Solutions business area .,neutral +"Tampere Science Parks is a Finnish company that owns , leases and builds office properties and it specialises in facilities for technology-oriented businesses .",neutral +"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 .",positive +"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 .",neutral +"The subsidiary will be responsible for filter sales , local assembly of filters and after market services in China .",neutral +Finnish consumers prefer to buy the cheapest beer brand .,neutral +"A maximum of 20 employees , who work in Karttakeskus and are responsible for producing Geographic Information Services , will be affected , the company added .",neutral +"`` We are happy to be working with Rapala to encourage boaters and anglers to introduce newcomers to the sport , '' said RBFF President & CEO Frank Peterson .",positive +"With the government exempting certain stainless steel products from anti-dumping duties , Finland-based Outokumpu today said it will look to enter into supply pacts with the Indian Railways soon .",neutral +"$SSYS just re-tested lows . Should rise steadily from here. It hit $81 just 21 trading days ago, and $130.86 on Sept 18. It'll do it again.",positive +"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 .",negative +"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 : .",neutral +"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 .",negative +"Net sales will , however , increase from 2005 .",positive +"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 .",neutral +"After the transaction , M-real will own 30 % in Metsa-Botnia and UPM -- 17 % .",neutral +"Jan. 6 -- Ford is struggling in the face of slowing truck and SUV sales and a surfeit of up-to-date , gotta-have cars .",negative +"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 .",positive +"Citigroup , Inc NYSE : C , Deutsche Bank NYSE : DB and Pohjola Bank are lead managers for the sale .",neutral +"comparable operating profit totaled EUR 854mn , up from EUR 730mn in 2004 .",positive +"In Finland , Sampo Bank , now part of the Danske Bank group , will lay off staff from the administrative and support functions .",neutral +"Following the issue , the number of shares in the Swedish company will grow by 9 % .",neutral +Its market share is 6 percent according to AC Nielsen 's 2008 data .,neutral +NaturalGas Settles At 3-year Low $DBO $BNO http://stks.co/d27qX,negative +"The company 's net profit amounted to EE 55.5 mn , which was 36 % more than in 2004 .",positive +No financial details were disclosed .,neutral +"Profit per share was EUR 1.03 , up from EUR 0.87 .",positive +"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 .",neutral +"The joint venture will invest about EUR 500,000 in production technology straight away .",neutral +"Juhani J+ñrvi , Corporate Executive Vice President of Kesko , says the Russian food retail sector is fragmented .",neutral +Nordea Pankki Suomi Oyj 's ownership in Stonesoft Corporation has decreased below 1-20 .,neutral +Valeant Names Interim Leader as CEO Remains Hospitalized,neutral +"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 .",negative +EBIT margin was up from 1.4 % to 5.1 % .,positive +In 2007 Etteplan reported a turnover of EUR125 .2 m.,neutral +"According to Atria 's President and CEO Matti Tikkakoski , the company 's Swedish operations significantly improved in the first quarter .",positive +"The company 's profit totaled Ls 578,100 in H1 2007 , down 30.9 % year-on-year .",neutral +$YHOO A breakout above $29.83 would constitute a technical entry for the short term trader. http://stks.co/jkUF,positive +The company had hoped the new plant would be on stream by the end of 2008 .,neutral +"An additional amount , capped at EUR12m , is payable in cash upon the achievement of certain financial performance targets in 2007 .",neutral +"Previously , the company had guided for EBIT and sales growth of 20 pct and 10 pct respectively for this year .",positive +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 .,neutral +"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 .",positive +HSBC Hit by Fresh Details of Tax Evasion Claims,negative +$IBIO up 10% in premarket ready for lift off,positive +"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 .",neutral +"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 .",neutral +$FB i guess they want it down look at the those sell orders,negative +"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 .",neutral +"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 .",neutral +"They are responsible for their own operations , customer relationships , and the development of these .",neutral +"$QCOR Just added 3,000 shares @28.",positive +"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 .",neutral +"The contract includes software licences , application maintenance and training .",neutral +"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 .",neutral +"The devices would be launched in the Chinese market in late 2006 , the company said .",neutral +The net sales of the Power Plants business were EUR 710.3 million in 2005 .,neutral +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 .,neutral +$AMZN new HOD with conviction keeping $570 on watch for Resistance.,positive +"`` The biggest challenge was to make the piece look raw , '' Hansen said .",neutral +"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 .",neutral +"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 ) .",positive +"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 .",neutral +"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 .",positive +The rebuilds are designed to improve the machines ' performance and product quality .,positive +"Operating profit , excluding non-recurring items , totalled EUR 2.2 mn , down from EUR 2.7 mn in the corresponding period in 2008 .",neutral +"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 .",neutral +"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 .",neutral +The orders are part of a long-term development plan of Latvijas Finieris .,neutral +Goodwin not to face Scottish prosecution over RBS,positive +Reported operating margin was a negative 5.9 % .,neutral +Mformation provides enhanced management of these applications by enabling configuration and control throughout their lifecycle .,neutral +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 .,positive +"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. .",neutral +No decision on such sale of the now issued or existing treasury shares to YA Global has been made yet .,neutral +"Profitability ( EBIT % ) was 13.6 % , compared to 14.3 % in Q2 2009 .",negative +"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 .",positive +A huge issue for us is the button placement .,neutral +"Hammerson, JV Partner secure ownership of Ireland's Dundrum - Quick Facts",positive +"After the split , the number of K shares will be 9 540 000 and the number of A shares 26 885 540 .",neutral +"Notable gainers among liquid option names this morning include $STX (+7.0%), $NEM (+4.6%), $WDC (+4.2%), $X (+4.1%), and $GME (+3.4%),",positive +Locked in some $FB puts for nice gain,negative +"In the Baltic countries , development of operations and reorganisation continued , and non-recurring items related to the takeover process lowered earnings .",neutral +"The equipment will be made at Vaahto 's plant in Hollola in Finland , and delivery is scheduled for the first quarter of 2009 .",neutral +"According to Gallup Food and Farm Facts , beef consumption totaled 99mn kilos in Finland in 2007 .",neutral +The profit after taxes was EUR 57.7 11.1 million .,neutral +Passenger volumes rose by 8.4 % in the accounting period .,positive +"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 .",neutral +in Finland Finnish pharmaceutical company Orion Corporation OMX Helsinki : ORNAV said on Wednesday 7 January that it has concluded its personnel negotiations in Finland and will reduce the number of personnel by 205 .,negative +"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 .",neutral +$FB (110.20) is starting to show some relative strength and signs of potential B/O on the daily.,positive +"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 .",neutral +"Jensen , Njastein and Mike Critch , the head of Dovre North America business unit , will report to Toivola .",neutral +Miners Meltdown as BHP to Rio Tinto Sink in Commodities Rout,negative +An appeal concerning the project has been lodged at the Czech Ministry of the Environment .,neutral +energy still failing to close above the 10D MA. continues to stand out weak $XLE,negative +"According to the Latvian business register , Uponor Latvia closed in red with LVL 99,000 EUR 139,538.17 USD 194,556.48 on turnover of LVL 2.346 mn for 2009 .",negative +$aapl. Test the high today and probably go beyond after hours...,positive +The stock rose for a third day on Tuesday bringing its three-day rise to GBX10 .50 or 1.8 % .,positive +$SBUX downgraded to neutral at Deutsche Bank. Price target reduced to $64 from $70.,negative +"$KGC http://stks.co/3Qta Oversold, falling wedge and positive divergence place it on the launch pad; looking for a bounce.",positive +"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 .",neutral +"Tyrv+ñinen is of the opinion that the airline has been repeating this for some time already , however .",neutral +$ROST Ross Stores Upgraded to Outperform at RBC Capital Markets http://stks.co/j0Q9t,positive +AB InBev approaches SABMiller to explore $250bn tie-up,positive +"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 .",neutral +"Its customers include local companies Slo Oy , Kiilto Oy , Toptronics Oy , Normark Suomi Oy , Pellonpaja Oy and Mansner Oy .",neutral +The number of customers is one of the most important parameters in determining the price of electricity networks .,neutral +"$RIG whos ever pushing this is crazy, get ready for suspended dividend (turning into growth stock) blow out earnings, and major buyback, lol",neutral +"$HAL If bulls lucky enuff to get an upside gap fill, better take it. Wouldn't chase it here. http://stks.co/r12Us",neutral +"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 .",negative +These moderate but significant changes resulted in a significant 24-32 % reduction in the estimated CVD risk .,positive +Sales of mid-strength beer decreased by 40 % .,negative +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 .,neutral +"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 .",neutral +"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 .",positive +"Nokia bought Chicago-based Navteq in 2008 , acquiring a maps database to compete with Google s maps as well as with navigation device companies such as TomTom NV and Garmin Ltd. .",positive +Finnlines has six ships under construction in China with deliveries scheduled between the first quarter of 2011 and the final quarter of 2012 .,neutral +Elektrobit ( EB ) has renewed its IT infrastructure contract with ICT services provider Fujitsu Services for EB 's Patja service .,positive +"The core of Solidium 's investment strategy is proper , value enhancing asset management of the current holdings .",positive +"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 .",positive +The commission said the hydrogen peroxide and PBS market was worth about 470 million euros in 2000 .,neutral +"UPDATE: EasyJet Passenger Numbers, Aer Lingus Traffic Up In February",positive +"Operating profit for the 12-month period decreased from EUR17 .9 m while net sales increased from EUR58 .3 m , as compared to 2007 .",negative +facades in Riga 8 March 2010 - Finnish construction company YIT Oyj HEL : YTY1V said today that it will build the frame and the facades in a tower construction project in Riga .,neutral +Bunzl Lifts Dividend Again As Acquisitions Continue To Boost Profits,positive +"Operating profit surged to EUR21m from EUR106 ,000 .",positive +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 .,neutral +"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 .",negative +$ASTX Daily technical indicators are bullish. Breakout watch over 4.58 http://stks.co/eOvw,positive +The contract has been allotted as per lowest price criteria .,neutral +A high court in Finland has fined seven local asphalt companies more than lion ( $ 117 million ) for operating a cartel .,neutral +"Sales are expected to increase in the end of the year 2006 , however .",positive +"The contracts of the employees , 96 of whom are blue-collar workers , will be ended between March and August 2011 .",neutral +The low capacity utilisation rate in steel production considerably increases the fixed costs per unit of steel produced .,negative +The groups 's turnover for the full fiscal year is expected to show a slight increase from the previous fiscal year .,positive +"Operating profit decreased to nearly EUR 1.7 mn , however .",neutral +Finnish Cargotec 's Kalmar has received a significant order from the US Department of Defense .,positive +"Earnings per share ( EPS ) amounted to EUR1 .37 , down from EUR2 .30 .",negative +$brcm raises revenue forecast,positive +( A spokesperson told WWD to expect a 50-50 mix of clothing and home decor . ),neutral +"`` Nokia 's Calling All Innovators Africa competition has been specifically launched to enable developers to create locally relevant , best-of-breed mobile applications . ''",positive +Net sales surged by 30 % to EUR 36 million .,positive +"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 .",neutral +"Poyry 's contract includes engineering management , civil and detail engineering services , and time scheduling and procurement services .",neutral +"The value of the order is EUR 700,000 .",neutral +"The company operates its business through two reportable segments , including Banking and Investment Services , and Non-Life Insurance .",neutral +"The order includes a new Crecent former , headbox , and reel .",neutral +The combined value of the planned investments is about EUR 30mn .,neutral +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 .,neutral +"Operating profit of operations in Finland in the period under review totaled EUR 11.3 mn , remaining at the 2005 level .",neutral +"M-real Corporation Press release on 3 November at 10:35 am M-real Corporation was the second best company in the materials sector including e.g. forest industry companies in the Carbon Disclosure Leadership Index CDLI , Nordic Report 2009 .",positive +Ingen is an established medical device manufacturer with an emerging new medical product line for the respiratory market worth an estimated $ 4 billion in the U.S. and $ 8 billion globally .,neutral +"Operating loss totaled EUR 0.8 mn , compared to a profit of EUR 0.5 mn .",neutral +"Scanfil , a systems supplier and contract manufacturer to the communications sector , will give notice to 20 productional employees , and temporarily lay off 15 employees at the company 's plant in Sievi , in Finland .",negative +Alfa group will have 43.9 % of voting stock in the new company and Telenor 35.4 % with a free float of 20.7 % .,neutral +Kingfisher share price slides on cost to implement new strategy,negative +Profit before taxes decreased to EUR 31.6 mn from EUR 50.0 mn the year before .,negative +"8,600 m , and at the time of investment it is fully leased to several tenants .",neutral +"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 .",neutral +$CSX another strong rail today after breaking intraday resistance at 1$9.80 https://t.co/eA4FBVuqGP,positive +"A data processing unit collects the data , calculates RVR values and provides the data to users via various interfaces .",neutral +"In addition to Russia , we now seek additional growth in Ukraine .",positive +The aim is to increase sales by at least one fifth in 2006 .,positive +"Rohwedder Group is an automotive supplies , telecommunications and electronics industry provider for customers in Europe , North America and Asia .",neutral +"According to HK Ruokatalo , almost all the meat used by the company comes from Finland .",neutral +The number of bodily injury cases quadrupled in 2000-2006 .,neutral +"In Finland , snow storms brought trees down on power lines , cutting off electricity for some 2,000 households .",neutral +The acquisition price was not disclosed .,neutral +Scanfil has also issued a profit warning .,neutral +The acquisition is part of Ramirent 's Central and Eastern European growth strategy .,neutral +"UPM said the move will lower net profit by x20ac 385 million US$ 520 million in the second quarter , mainly due to impairment charges .",negative +"The poorest index figure was given to Finnish power company Fortum , 4.5 .",neutral +"The company intends to launch housing development at the acquired land plots and to construct 50,000-60 ,000 square metres of housing per annum by 2011 .",neutral +"Seppala transferred the sale to a greater extent than last year to February , and this is reflected on the January sales figures .",neutral +AB InBev ups offer for SABMiller as deadline looms,positive +"The contracts of the employees , 96 of whom are blue-collar workers , will be ended between March and August 2011 .",negative +Stora Enso 's target has been cut to EUR 4.85 from EUR 5.55 and Holmen 's target -- to SEK 135 from SEK 150 .,neutral +"As a condition to the deal , Savcor Alfa has to have bought Photonium and Akseli Lahtinen Inc. 's business operations prior to the deal .",neutral +$SPY Don't hang your bull hat yet. Next week we will pop higher on QE3 hope on back of fed's 2 day meeting.,positive +Consolidated operating profit from continuing operations decreased by 62.3 % to EUR 51.2 mn from EUR 135.7 mn in 2007 .,negative +"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 .",neutral +"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 .",neutral +"The transaction doubles Tecnomens workforse , and adds a fourth to their net sales .",positive +"We warmly welcome him to Satama '' , states Jussi Lansio , chairman of the Board .",positive +"The Web-Marela application handles invitations to quote , quote comparisons , agreements , purchases , invoice inspections , inventory management , and deliveries .",neutral +"Cargotec 's brands , Hiab , Kalmar and MacGREGOR , are global market leaders in their fields and their solutions are used on land and at sea - wherever cargo is on the move .",neutral +"L+ñnnen Tehtaat 's Food Division was reorganised into two strategic business units , Apetit Frozen Foods and Jams , and Apetit Fish .",neutral +$TWTR sad the only thing to move this is a takeover rumor only to be sold off next day !,negative +Its other well-known brands include fitness equipment maker Precor and U.S. - based ball sports equipment maker Wilson .,neutral +"Z. Bavelloni 's long-standing MD , Dino Bavelloni , has retired at the end of 2005 .",neutral +The sellers were EOSS Innovationsmanagement and a group of private individuals .,neutral +"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 .",positive +"As a result , the company has decided it will implement fixed-term temporary lay-offs .",negative +`` Those uncertainties cloud the long-term outlook . '',negative +Elcoteq expects its net sales for the last quarter of 2010 to be on the level of the third quarter .,neutral +"The company 's annual loss amounted to EEK 18mn , compared to a profit of EEK 7.3 mn in 2008 .",negative +The mill is concentrating on getting the supercalendered line running satisfactorily before restarting its older newsprint line .,neutral +Aktia forecasts Finland 's inflation at 1.1 % in 2010 .,neutral +KONE is listed on the Nordic Exchange in Helsinki .,neutral +Finnish fibre-based materials maker Ahlstrom Corp ( HEL : AHL1V ) said today it decided to close down its spunlace composite production line number 23 at Chirnside plant in the UK by the end of March 2011 .,neutral +Subject-matter of the invention furthermore is the use of the cyclone for separating partly molten particles . '',neutral +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 .,positive +Long $TSLA short $MBLY https://t.co/jSpUSzo6na,positive +"Also , Technopolis plans to build a 100 million euro technology park at the special economic zone Neudorf in St. Petersburg , the St. Petersburg government said in February .",neutral +"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 .",negative +Castecka said the town hall would hold talks with other investors interested in the zone .,neutral +"The technology will become available to businesses from the fourth quarter , Nokia said .",neutral +"London open: Taylor Wimpey and Ashtead drive markets higher, Barclays falls",positive +BULLISH Engulfing of COCA COLA: http://stks.co/fYCo $KO,positive +"The study was not designed to enable formal statistical evaluation of therapeutic activity , the company said .",neutral +"Upon completion of these transactions , Metso 's stake will amount to more than 60 % .",neutral +"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 .",positive +"MADISON , Wis. , Feb. 6 - PRNewswire - -- Fiskars announces that the United States Patent and Trademark Office has granted a trademark registration for the color orange on its iconic scissor handles .",positive +Both companies ' existing investment plans will be coordinated .,neutral +#NDX component Tesla has announced it is recalling 2700 Model X SUVs. $TSLA,negative +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 .,positive +Operating profit improved by 39.9 % to EUR 18.0 mn from EUR12 .8 mn .,positive +The value of the contract is about EUR 27mn .,neutral +The parties have therefore agreed to leave Avena out of the deal .,neutral +"The company has also supplied more than 200 MW of power generating equipment for a number of projects in Papua New Guinea , including 12 engines of the Wartsila 32 type to Lihir Gold .",neutral +"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 .",positive +Companies Thetrainline.com announces arrival of London IPO,positive +"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 .",neutral +Pharmaceuticals - Italy This brand-new market analysis gives a clear overview of the actual situation and future outlook of the pharmaceutical market in Italy .,neutral +Swedbank 's shares have been hardest hit of the Swedish banks by the ongoing international financial crisis .,neutral +"Growth was strongest in F-Secure 's operator ISPs , mobile operators and cable operators business .",positive +"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 .",neutral +Gunneflo will be responsible of Oriola-KD 's Pharmaceutical Trade business in Sweden .,neutral +"Samsung currently occupies third place and lost ground during the quarter , dropping by 1.8 % to an 11.1 % share overall .",negative +"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 .",positive +"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 .",positive +Travel expenses would be reimbursed in accordance with the travel policy of the company .,neutral +"Pretax profit totalled EUR 80.8 mn , compared to a loss of EUR 13.1 mn in the corresponding period in 2009 .",positive +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 .,neutral +Supreme Court Upholds $236 Million Jury Award Against ExxonMobil,negative +"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 .",positive +The purchase sum is about EUR 10mn US$ 12.97 mn .,neutral +The purpose of this action is to ensure company 's cost effectiveness this year and in the near future .,positive +"In food trade , sales amounted to EUR320 .1 m , a decline of 1.1 % .",neutral +Long $PCLN,positive +"The company expects its net sales for the whole of 2007 to be EUR 950mn-1 ,000 mn .",neutral +Apple Inc.: The Rip-Roaring Rally Is Just Beginning! (AAPL) | InvestorPlace $AAPL https://t.co/jrcFC8XlY9,positive +"Purchase it for the 12MP snapper , if nothing else .",neutral +Upon completion of the deal Panostaja will establish a new business area within the group to focus on heat treatment of metals .,neutral +Diageo Sells Ryder Cup Venue Gleneagles Hotel to Ennismore Group,positive +M. and a Master of Business Administration MBA .,neutral +"RT @joemccann the correleation between the dollar index and $SPY is simply amazing. $DX finds support, $SPY retreats like clockwork",negative +Profit after taxes totaled EUR 12.1 mn .,neutral +"Operating loss totalled EUR 4.0 mn , compared to a profit of EUR 8.6 mn in the second quarter of 2008 .",negative +"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 .",negative +Whitbread buys 49% stake in Pure food chain,positive +` By separating side businesses we will be able to faster expand and develop Tapro retail network .,positive +"Sudden optimism about iPhone sales (i.e., not as bad as expected) gives Apple $AAPL a lift. https://t.co/oKTCw4YiB5",positive +"According to the company , in addition to normal seasonal fluctuation the market situation has weakened during autumn 2008 .",neutral +The company 's previous estimate was for a lower revenue than the year-ago EUR 93.9 million .,negative +"Operating loss totalled EUR 12.7 mn , compared to a profit of EUR 17.7 mn in the first half of 2008 .",negative +"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 .",negative +The stock was hit by the profit warning of Finnish rival Rautaruukki Oyj ( OMX : RTRKS ) .,negative +"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 .",negative +"Arto Ryymin , born 1964 , will replace Juhani Kaisanlahti who has worked as acting EVP , Healthcare & Welfare since August 2007 .",neutral +"$TXRH reports Q1 EPS of $0.37 versus the estimated $0.35, beating by $0.02. EPS were Up 19% from the same quarter last year.",positive +@Megaas2000 $AAPL McDonalds had a big GROWING success for years with the same BigMac and Apple update and improbe Iphone and Ipad,positive +The acquisition will considerably increase Kemira 's sales and market position in the Russian metal industry coatings market .,positive +The Remote Radio head module will be available at 4W power for 2.5 GHz and 3.5 GHz TDD frequency bands .,neutral +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 .,positive +`` 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 .,positive +"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 .",positive +"The natural source of isoprene is the tree species Hevea brasiliensis , also known as the rubber tree .",neutral +"According to Finnair Technical Services , the measure is above all due to the employment situation .",neutral +This would be a huge process .,neutral +$GPRO down 25% since Tue morning.,negative +"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 .",positive +Operating profit decreased to EUR 16mn from EUR 21.1 mn in 2008 .,negative +"The Costanza light , with an aluminum base and washable shade , comes in white , pistachio , orange , blue and red .",neutral +The solution will be installed in the USA to support the North American operations of the customer .,neutral +LSC 's 30 employees will move to Ixonos with their existing status and benefits .,neutral +Raffles Equities Ltd became a substantial holder in Archer Exploration Ltd on January 12 with 11.7 million shares ( 18.2 pc ) .,neutral +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 .,neutral +Baird Upgrades Tesla Motors $TSLA to Outperform https://t.co/1FA6aTOqlw,positive +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 .,positive +"Metso Oyj said it has sold its spreader roll manufacturing business and related assets in the town of Nokia , southern Finland , to a group of Finnish investors , who will operate the business under the name of Finbow Oy .",neutral +The combined value of the orders is EUR 45mn .,neutral +Tekla Group 's net sales for 2006 were approximately 50 million euros and operating result 13.6 million euros .,neutral +"Kai Tulonen , Chief Technology Officer , SysOpen Digia says : `` We have been using Corporate Phonebook inside SysOpen Digia extensively since last fall , and we have been very satisfied with the results .",positive +"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 .",neutral +Earnings per share ( EPS ) in 2005 decreased to EUR1 .87 from EUR1 .89 in 2003 .,negative +"As of July 2 , 2007 , the market cap segments will be updated according to the average price in May 2007 .",neutral +@REC_Zakaria Monday Bulls Are Out! Stock Ticker- Michael James Ent. Other picks $SBUX $GVP $NKE,positive +The Group aims to increase its net sales and comparable operating profit in 2006 .,positive +"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 .",negative +A paper mill in the central Maine town of Madison soon will have a new owner .,neutral +"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 .",neutral +Efore 's results for the last quarter showed an even faster improvement as the company managed to better source its components .,positive +"The company designs , manufactures and markets high-quality clothing , interior decoration textiles , bags and other accessories .",neutral +"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 .",neutral +"In accordance with our strategy , we strengthened our local presence by establishing a representative office in South Africa in October .",positive +"Casinos red before the bell: $LVS -0.75%, $WYNN -0.47%, $WYNN -0.47% > unusual comibinations of what's running, what's red before the bell",negative +"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 .",positive +"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 .",neutral +The company will make its marketing and sales investments initiated in 2009 even more efficient in 2010 .,positive +"EBIT totalled EUR 14.4 mn , compared to a loss of EUR 0.3 mn in the corresponding period in 2009 .",positive +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 .,negative +"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 .",neutral +"The Basware Connectivity services allow companies to handle purchase to pay processes online and make their internal processes more efficient , '' said CEO Ilkka Sihvo , Basware Corporation .",positive +"At the same time profit of the company increased by 10 % in H1 and reached Ls 79,000 .",positive +"The mill will have capacity to produce 500,000 tonnes of pulp per year .",neutral +"Operating profit totalled EUR 7.0 mn , up from a loss of EUR 4.0 mn in the second quarter of 2009 .",positive +"@Stockoptionexpert: $MAT - 6%, big trader added 10000 April put contracts 3 days ago http://stks.co/c1Ols",negative +"SysOpen Digia Plc , Press release , 7 February 2006 IBM Finland has rewarded its most distinguished partner companies for 2005 .",positive +Diluted earnings per share ( EPS ) rose to EUR 0.29 from EUR 0.05 .,positive +@gakrum nice chart shows distinctive down channel not a dip.. where do you see the bottom? $SPY ..$150? ..$130?,negative +The share subscription period will expire on 30 September 2007 .,neutral +$ENB.CA {Head&Shoulders} bullish reversal setup and breakout. Oil and Gas Pipleline stock. $USO,positive +Severn Trent share price rises as first half profit inches up as customer ...,positive +Name of Company in which holdings have been acquired : Citycon Oyj 2 .,neutral +"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 .",neutral +easyJet leads Britain's FTSE lower as global bond rout resumes,negative +Production is scheduled to start by the end of April 2007 .,neutral +"In Asia earlier , Japan 's Nikkei index fell 0.62 percent and Hong Kong 's Hang Seng Index rose 0.56 percent .",neutral +"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 .",positive +"`` Every partner will be allowed to buy a quantity of electricity corresponding to their share in the consortium , at production cost , '' a letter of intent said .",neutral +"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 .",neutral +"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 .",neutral +Berkshire seeks to boost its Wells Fargo stake above 10 percent,positive +"The agreement will provide The Switch with double the converter capacity , whilst opening up further manufacturing locations in China .",positive +"Due to Pirkka beer , Olvi 's brewery in Iisalmi is moving to 7-day , 24-hour work shifts .",neutral +"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 .",neutral +"The huge bridge girders will be delivered to the site from our plant in Ylivieska , Finland .",neutral +"Von Koskull will oversee a new unit of Nordea , which brings together corporate merchant banking , financial institutions and capital markets products divisions .",neutral +"Thanks to the multiplying effect of wagon performance , transport will be much more efficient , '' says development manager Juha Malkia from VR Cargo .",positive +"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 .",neutral +The Line 4 will run fully underground and will comprise 10 stations which will be executed in two implementation stages .,neutral +"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 .",positive +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 .,positive +"The second variant offers complete final finishing of any selected apartment with foreign high quality materials ( Finland , Denmark , Germany , France ) .",neutral +Net profit in the same period in 2006 was ( x20ac ) 172 million .,neutral +Breaking 52 week highs timing looks great now $AHS $BABY $POST $IGE $IRDM $EWBC $PHYS $ULTA $VNET $BIV https://t.co/11K8JzuzMU,positive +The repurchases shall decrease the distributable capital and reserves .,neutral +$STX move off the bottom but still in bear market #datasecurity $EMC $SNDK $WDC https://t.co/VkYdWPxeSN,negative +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 .,neutral +The new shares entitle their holders to dividends for fiscal 2006 .,neutral +"EBITDA for the year 2009 improved to EUR484m , as compared with EUR472m in 2008 .",positive +"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 .",positive +"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 .",positive +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 .,neutral +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 .,positive +"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 .",neutral +"To our members and partners , the use of IT will mostly be apparent in the increased efficiency of the results service , '' observes Perttu Puro from Tradeka .",positive +Protalix is developing genetically engineered proteins from plant cells .,neutral +Decisions are to be made as quickly as possible .,neutral +$CAT is hangin on my a thread. 1click away from a cliff drop.. Needs follow through (or snap-back on the VIX),negative +The incident happened at 2:30 p.m. on Avenue 192 at Road 196 .,neutral +Verizon and AT&T accused of hurting rivals,negative +`` The CHF is a great product .,positive +"At 1411 CET , ArcelorMittal had lost 7.26 % to EUR 17.38 on Euronext Paris , coming at the lead of the blue-chip fallers .",neutral +The cooperation with airBaltic is expected to lead to the transfer of Finncomm to the ownership of airBaltic in time .,neutral +"Loaded up on $bsx yesterday,looking good now. Still think way more upside than downside.",positive +"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 .",neutral +"The power supplies , DC power systems and inverters designed and manufactured by Efore , and systems incorporating them are used in many different applications .",neutral +Pertti Ervi is independent from the Company and its major shareholders .,neutral +"In parallel , TeliaSonera has decided to conduct a compulsory acquisition .",neutral +"`` We cut our frequency to New York last year , which explains the fall , '' he said .",neutral +"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 .",neutral +"Exel Composites ' long-term growth prospects remain favourable , however .",positive +"By combining its existing solutions into a single platform , Comptel said that it has reduced the cost of deployment .",positive +Shell share price: Standard Life announce position against BG acquisition,negative +SAB's Chairman Digs In With Board Divided on InBev Offer,neutral +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 .,negative +$TROW Ascending triangle gives a bullish bias to this chart. Breakout above 84 will be positive http://stks.co/g0ls5,positive +"The total scope of the project is about 38,000 square metres and it is valued at a total of around EUR75m .",neutral +Net interest income increased by 4.5 % to EUR 31.4 mn from EUR 30.0 mn in 2004 .,positive +"In addition , the existing service counter area in the reception hall will be rebuilt and access provided to local rail connections .",neutral +"HELSINKI AFX - KCI Konecranes said it has raised its stake in MMH Holdings Inc , the owner of US-based Morris Materials Handling , to 90.9 pct from 74.5 pct .",positive +A CUT ABOVE Bring the outdoors in with these birch-branch coasters .,neutral +Consolidated operating profit from continuing operations decreased by 62.3 % to EUR 51.2 mn from EUR 135.7 mn in 2007 .,neutral +The contract value amounts to EUR 2.4 million .,neutral +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 .,positive +The acquisition of Kaupthing Sverige will bring a significant positive non-recurring addition to the group 's performance .,positive +"( 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",positive +Renesas Mobile Europe Ltd has approximately 470 employees in Oulu .,neutral +Self-service and automation are in a bigger role now and Fujitsu 's global resources will be exploited effectively .,positive +"- The Group -¦ s profit before taxes was EUR 0,2 7,8 million .",neutral +"The permanent magnet generators and power converters are today the preferred solution in new wind turbine designs , the company said .",neutral +Finnish Rautaruukki has been awarded a contract to supply and install steel superstructures for the Partihallsf+Ârbindelsen bridge in Gothenburg in Sweden .,positive +The fair value of CapMan Plc 's own investments on 30 September 2008 amounted to MEUR 59.8 .,neutral +UPDATE: Barclays Expects Gain After Settling With Lehman Bros Trustee,positive +"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 .",positive +"Nokia also noted the average selling price of handsets declined during the period , though its mobile phone profit margin rose to more than 22 percent from 13 percent in the year-ago quarter .",positive +"WPP, World's Largest Ad Agency, Reports Strong 2015 Growth",positive +"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 .",neutral +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 .,positive +"Cash flow after investments amounted to EUR45m , down from EUR46m .",neutral +"The Baltimore Police and Fire Pension , which has about $ 1.5 billion , lost about $ 3.5 million in Madoff Ponzi scheme .",negative +Scanfil plc is a global contract manufacturer and systems supplier for communication and industrial electronics .,neutral +"It 's `` finger-friendly '' , and to my opinion , really fast .",neutral +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 .,neutral +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 .,negative +"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 .",neutral +"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 .",positive +"According to Mark White , Locatrix Communications ' CEO , the company 's web services interface allows device owners , friends , and family to track and locate TWIG users via any web browser .",neutral +$SPY Could the pride of social media be gettin ready to fall? $FB - chart rolling over?,negative +"According to Viking Line 's Managing Director , Nils-Erik Eklund , the company 's Board of Directors is very satisfied with Viking Line 's performance .",positive +"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 .",positive +Finnair believes the strike will cause it daily net losses in excess of EUR 2mn due to canceled reservations and passenger re-routing .,negative +"( 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 .",negative +"The contract covers turnkey deliveries to all five airports operated by the authority -- John F Kennedy , LaGuardia , Newark , Teterboro and Stewart International .",neutral +A total of 140 jobs will be reduced at the Raahe Steel Works .,neutral +"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 .",neutral +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 .,neutral +"Repair and maintenance business accounted for net sales of EUR 645.3 mn , up from EUR 563.6 mn .",positive +"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 .",positive +Valmet Automotive reports net sales of EUR 85mn and operating profit of EUR 8mn .,neutral +"Profit for the period was EUR 9.8 mn , up from EUR 6.0 mn in 2004 .",positive +"In Sweden , there is an oversupply of pharmacies .",negative +The firm builds components for mobile phones and other communications products .,neutral +"Capacity will ease at its Seikku sawmill in Pori and Alholma sawmill in Pietarsaari and result in 60 people being laid off for around six weeks starting mid-May , it said .",negative +"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 .",neutral +"He announced a `` solutions unit '' to speed co-operation in August , and shifted Simonson from finance chief to low-end phones in October .",neutral +The authorization is in force for a period of 18 months from the resolution by the General Meeting .,neutral +"Revenue for the quarter totaled 27.4 billion , down 2 percent from 28.1 billion in the fourth quarter in 2008 .",neutral +"In Sweden , there is an oversupply of pharmacies .",neutral +Rolls-Royce to Ensure Compliance After Petrobras Bribery Report,neutral +Japan's Nikkei lands Financial Times in $1.3 billion deal,positive +"The manager is critical of politicians ' failure to differentiate between beleaguered European financial institutions and Skandinavian banks , `` which sailed through the crisis without issues '' .",neutral +The plant would use palm oil certified by the Roundtable on Sustainable Palm Oil ( RSPO ) .,neutral +All depends on financing .,neutral +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 .,neutral +These savings will have full impact as of the beginning of 2007 .,neutral +The ship unloader is totally enclosed along the entire conveying line to the storage facilities .,neutral +"Entire paper mills may be set up , especially in the new EU member states .",neutral +Rapala estimates its net sales for 2008 will increase by between 8.0 pct and 12 pct assuming 2007 exchange rates .,positive +"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 .",positive +"Jukka Hienonen , the current Finnair CEO , will step down at the end of January 2010 .",neutral +Price talk is in the Euribor plus 2 bps area and the sole lead is Citigroup .,neutral +The properties were purchased from Swedish private equity real estate firm Niam and Goldman Sachs ' Whitehall Street Real Estate Funds .,neutral +Sunrise Resources operates in Russian near-shore development markets through its wholly-owned Russian subsidiary and has 80 % of its personnel in Russia .,neutral +"$FAST $GWW - daily sales slowing again, pretty timely coincident indicator https://t.co/m6BKHBkzK5",negative +"As a result , the Russia 's import restrictions on Finnish dairy companies will be canceled on 6 August 2010 .",positive +Analysts surveyed by Thomson Financial expected revenue of $ 69 million for the quarter .,neutral +"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 .",neutral +"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 .",neutral +`` The new unit is a major investment in the Finnish media scene .,neutral +Yahoo stock is up to $36.46 as the bidding war picks up for the company https://t.co/JDNZXDCMkl $YHOO https://t.co/HmOegfHgvn,positive +"We know that it exists , '' Artemyev said .",neutral +Long $ENDP @ $26.23 on $AGN b/o rumor,positive +"Kesko pursues a strategy of healthy , focused growth concentrating on sales and services to consumer-customers .",positive +Timberrrr $TSLA https://t.co/MRBgfDHHVa,negative +Return on capital employed rose by 4.8 percentage points to 19.6 % .,positive +"The period-end cash and cash equivalents totaled EUR6 .5 m , compared to EUR10 .5 m in the previous year .",negative +More than 80 special events in the three counties during four months were hosted by the library system and its nine branch libraries .,neutral +EPS grew to 0.04 eur from 0.02 eur .,positive +Net cash flow from operations is expected to remain positive .,positive +"( 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 .",positive +$AXP Looking for continuation with volume increase http://stks.co/c8sR,positive +Uponor improved its performance in spite of the decrease in residential construction in the US .,positive +"These include software development for internet and mobile telephone content , communications , value-added software , financial services , security applications , systems integration and electronics .",neutral +$SPY extreme win today - 2 cents above 2009 low on 10-year and $SPY up 2 percent - life is a bowl of cherries - great short setting up $$,negative +"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 .",neutral +It will focus on improving its profitability next year by streamlining operations .,positive +At the same time I am delighted by the fact that we were able to accomplish the organization with our own team members .,positive +The server is responsible for managing devices and user accounts and a desktop client application enables remote access to the mobile phones .,neutral +"Earnings per share ( EPS ) were EUR0 .03 , up from the loss of EUR0 .083 .",positive +"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 .",neutral +The iPad application joins the iPhone app as part of Monster 's range of mobile applications for job hunting .,neutral +Currently more than 100 of Global Fortune 500 companies are using SSH security solutions .,neutral +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 .,positive +"Aberdeen AM posts H1 outflows, says conditions to remain challenging",negative +$AAPL downgrade is bias. This stock is a buy.,positive +$DNKN $KKD $DPZ $LOCO Inside week buy triggers. http://stks.co/h0vV8 http://stks.co/r0ebN,positive +"Operating profit , excluding non-recurring items , totalled EUR 2.2 mn , down from EUR 2.7 mn in the corresponding period in 2008 .",negative +$UGAZ Will this cold put a dent in the massive horizontal rig production. Who knows http://stks.co/p1V6P,negative +"$amrn Full bull call spread ranging July to Jan 15. Lets see what this baby does,",positive +"$AAPL AAPL finally breaking under the 49 M.A.. With no buybacks this week, look for AAPL to test the 120 support area.",negative +"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 .",neutral +Technopolis has approximately 130 customer companies in Jyvaskyla .,neutral +CRH adds CR Laurence to acquisitions tally for $1.3bn,positive +Nordea will coordinate the syndicated loan .,neutral +"Operating profit totaled EUR 5.5 mn , up from EUR -0.7 mn .",positive +The value of the contract is EUR 25mn .,neutral +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 .,neutral +BBCN Bancorp to buy Wilshire Bancorp in $1 bln deal,positive +Cramo slipped to a pretax loss of EUR 6.7 million from a pretax profit of EUR 58.9 million .,neutral +"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 .",positive +"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 .",positive +"( 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 .",neutral +"Swedbank Hypotek - Is to issue a benchmark , fixed rate covered deal in Euros , maturing January 2010 .",neutral +The report will be emailed within 2 business days of an order .,neutral +"UPM said the move will lower net profit by x20ac 385 million US$ 520 million in the second quarter , mainly due to impairment charges .",neutral +Finnish meat company Atria can no longer promise a sufficient amount of domestic beef to its customers .,negative +Metso said it has won an order worth around 40 mln eur to supply a kraftliner board machine to China 's Lee & Man Paper Co. .,positive +"( 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 .",positive +@BULLYA @pollux654321 My 50 $KORS 80 Calls are going to b a Blessing for my Daughters tuition!,positive +"The Tekla Structures product box , if needed , is now made from recycled material .",neutral +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 .,positive +"Elsewhere , the tendency is towards more developed packaging than before .",neutral +"According to Seikku , the retail sector in Finland is controlled by 3-4 large actors , while food manufacturers are still relatively small .",neutral +Tesco Abandons Video-Streaming Ambitions in Blinkbox Sale,negative +Royal Mail share price edges lower as group raises stamp price,negative +"However , the brokers ' ratings on the stock differ .",neutral +"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 .",negative +The company anticipates its turnover for the whole 2010 to surpass that of the previous year when it was EUR 67.1 million .,positive +"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 .",negative +"The StoneGate product family was designed to provide the full benefits of a unified management system including shared logging , reporting and auditing .",neutral +"Cash flow from operations totalled EUR 2.71 mn , compared to a negative EUR 0.83 mn in the corresponding period in 2008 .",positive +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 .,positive +To see a slide show of all the newest product releases from Fiskars .,neutral +"However , this increases signaling traffic which wastes network resources and allows fewer smartphones to connect .",negative +The orders also include a few high-power drives for the control of seismic compressors .,neutral +"She will succeed Krister Kylas , who has decided to leave TeliaSonera .",neutral +"Payment for acquired shares will be made in cash , and the price per share will be EUR 1 plus an administration fee .",neutral +"Approximately SEK 166 million in repayments has been demanded for overcharging in the Stockholm area , with the remaining SEK 87 million taken from the Western coast , the inspectorate said .",neutral +"After the transaction , Tikkurila has no powder coatings related operations .",neutral +The business area 's net sales were slightly over 2m in 2006 .,neutral +"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 .",neutral +"Loss after financial items totalled EUR 9.7 mn , compared to a profit of EUR 1.3 mn in the corresponding period in 2008 .",negative +"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 .",neutral +"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",neutral +The group will expand the chain to include 45 stores .,positive +"Sales at the Tiimari business went down by 8 % to EUR 11.8 million , while Gallerix stores saw 29 % growth to EUR 2 million .",neutral +"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 .",neutral +The first group of customers to be trained will be paint-shop owners and their assistants .,neutral +"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 .",positive +The lay-offs will affect 240 people out of the total 320 Okmetic employees in Finland .,neutral +Finnish M-real 's Kyro mill is starting negotiations to cut staff .,negative +"According to Swedish authorities , traces of the very toxic osmium tetroxide have been found on the coast of Per+ñmeri , the Northernmost part of the Gulf of Bothnia .",neutral +"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 .",neutral +Terms were not disclosed .,neutral +"The expanded agreement covers the sale , marketing and distribution of Benefon 's navigation and locator devices in China .",neutral +"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 .",negative +"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 .",negative +AstraZeneca chases Acerta to secure next cancer drug winner,positive +The company is reportedly searching for a replacement for CEO Olli-Pekka Kallasvuo .,neutral +"The total size of the complex is around 25,000 m2 and the project will be constructed in stages .",neutral +"Before FKI , John Jiang has worked in several general manager or senior business consultant positions for international companies in China .",neutral +Kaupthing Bank will publish its annual results for 2007 before markets open on Thursday 31 January .,neutral +City CU Welcomes DART Members DALLAS-City CU welcomes the members of DART FCU as they merge with City CU .,neutral +"Danske Bank A-S DANSKE DC jumped 3.7 percent to 133.4 kroner , rebounding from yesterday s 3.5 percent slide .",positive +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 .,neutral +Held its recent double bottom buy point of 56.57 almost to the penny today $WMT http://chart.ly/6nosp5q,positive +The first phase will be completed by the end of 2012 .,neutral +The contract was signed in August with Papua New Guinea-based Lihir Gold Ltd ASX : LGL .,positive +Warren Buffett defends Berkshire Hathaway's conglomerate structure,positive +Short more $FAZ for all who don't know that means markets will tank now :-p,negative +The company will issue an inaugural Eurobond deal in the near future subject to market conditions .,neutral +"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 .",neutral +"Are Aviva plc, Direct Line Insurance Group PLC And Admiral Group plc Set To Soar?",positive +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 .,neutral +"The project will be a 2 x 600 MW coal-fired power plant , located some 420 km south of Hanoi , the company said .",neutral +"Glaston 's own glass processing unit , Tamglass Glass Processing , is a manufacturer of high quality safety glass products , and operates in Finland .",neutral +The deal strengthens Ramirent 's position especially in the industrial sector and in large investment projects .,positive +"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 .",neutral +Double bottom with handle buy point of 29.51 $IP http://chart.ly/akvujxh,positive +"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 .",negative +The Company said that 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 .,neutral +"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 .",neutral +6 October 2010 - Finnish paints and coatings company Tikkurila Oyj HEL : TIK1V announced today the launch of Tikkurila ProHouse method for protection of wooden surfaces via treatment with Ultra Pro waterborne products .,neutral +Payment of shares shall be effected on subscription .,neutral +$ocn has the stuff. Will be looking to add shares if we get a new high breakout.,positive +"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 .",positive +"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 .",positive +Through this transaction we are able to participate in developing the industry .,positive +"As a result of the cancellation , the maximum increase of Citycon 's share capital on the basis of the convertible bonds decreased from EUR 23,383,927.80 to EUR 22,901,784.75 .",neutral +"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 .",positive +"In September alone , the market declined by 10.2 percent year-on-year to 19.28 million liters .",neutral +"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",negative +"Thus the group 's balance sheet will have about EUR 25.8 million of goodwill , the company added .",neutral +Sanoma Magazines ' net sales are estimated to grow in 2006 .,positive +In the meantime the CEO 's duties will be assumed by Outotec 's Deputy CEO Seppo Rantakari .,neutral +The Department Store Division 's sales fell by 8.6 % to EUR 140.2 mn .,neutral +Kone shares dropped 4.1 percent to x20ac 43 US$ 55.77 in Helsinki .,neutral +"Finnish Larox has signed a contract with the Talvivaara Project for the delivery of filters to the Talvivaara nickel mine in Sotkamo , in Finland .",positive +"Net cash from operating activities was a negative EUR 0.3 mn , compared to EUR 30.9 mn in 2009 .",negative +Coffee will be served starting at 14:30 EET as well as after the event .,neutral +"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 .",negative +"The gross area of eight houses will be 12,167 m2 .",neutral +"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 .",positive +"Acando AB ( ACANB SS ) fell 8.9 percent to 13.35 kronor , the lowest close since Dec. 11 .",neutral +"Also , a six-year historic analysis is provided for this market .",neutral +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 .,positive +"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. .",neutral +This is due to the postponement of the decision-making of projects in the negotiation phase from the earlier estimation .,neutral +"Profit before taxes amounted to EUR 56.5 mn , down from EUR 232.9 mn a year ago .",negative +$TSLA is now up 57% from its February low. Amazing rebound.,positive +Finnish logistics and information solutions provider Done Solutions Corporation ( OMX Helsinki : DSO1V ) reported on Wednesday ( 29 October ) an operating profit of EUR3 .6 m on net sales of EUR35 .1 m for the period January-September 2008 .,neutral +"If Honkarakenne starts production there , it will need a partner for sawmill operations .",neutral +"$YNDX and the price of some stocks was 2 times lower then annual earnings, I could not resist, I was buying when everyone was selling",positive +"In 2009 , Fiskars ' cash flow from operating activities amounted to EUR121m , up from EUR97m in the previous year .",positive +Stora Enso 's target has been cut to EUR 4.85 from EUR 5.55 and Holmen 's target -- to SEK 135 from SEK 150 .,negative +"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 .",neutral +$renn topping tail 5 min. chart at 7.31 short from here.,negative +Return on investment ROI was 4.1 % compared to 43.8 % in the first half of 2008 .,negative +The company said that the results of the third quarter do not include non-recurring items .,neutral +"Finnish software and hardware developer Elektrobit Oyj HEL : EBG1V , or EB , said today it will temporarily lay off up to 200 people for a maximum of 90 day in Finland , aiming to achieve cost savings of EUR 1.7 million USD 2m in the second half of 2010 .",neutral +"Operating profit excluding non-recurring items amounted to EUR 40.6 mn , down from EUR 57.3 mn year-on-year .",neutral +"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 .",positive +The annual net sales of the unit is some EUR 5 million and it currently employs some 55 people .,neutral +"The platform is based built on Intel s second-generation MID platform , called Moorestown .",neutral +"`` We are proud to welcome another distribution facility to north Mississippi and the region known as the logistics center of the United States , '' said Gray Swoope , executive director of MDA .",positive +"Mr Clausen , however , refused to comment the option that Nordea would consider buying into Citadele Bank .",neutral +GenVec is a biopharmaceutical company developing novel therapeutic drugs and vaccines .,neutral +Cargo volume grew by 7 % .,positive +The estimated synergy benefits are at least EUR7m annually .,positive +"The service is intended to allow the people of thirteen Mediterranean countries to reach the Baltic more rapidly , with a single carrier .",positive +Sainsbury sells unit to LloydsPharmacy,positive +Talvivaara also maintains its assumption of turning cash flow positive before the year end .,positive +"@harmongreg: $BBRY wkly, Inverse Head and Shoulders forming, triggers over 18.50, PO at least 30.80, watching http://stks.co/iPVJ",positive +The proposal that the Board of Directors will make at the Annual General Meeting is attached as a whole to this release .,neutral +$DUG weekly stochastics finally starting to turn up after long consolidation. Buying here.,positive +Metso estimates the need for personnel reductions to amount to 25 people .,negative +"The transaction will have a positive impact of around EUR2m on earnings , which Ruukki will recognize during the fourth quarter of this year .",positive +"Finnish Metso will supply new wood handling and bleaching lines , as well as a rebuild of the kraft liner washing line for Klabin 's Tel+¬maco Borba mill in the Brazilian state of Paran+í .",positive +Market Report: Aviva tops the market as traders approve of its choice of Friends,positive +At CapMan Haavisto will be responsible for Group Finances and Accounting and IT .,neutral +"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 .",neutral +The airline 's share price closed down slightly at ( x20ac ) 12.51 ( $ 15US .74 ) in Helsinki .,negative +$AAPL iPhone shipments on track to exceed forecasts - MarketWatch https://t.co/2CXahJIX7d,positive +"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 .",positive +"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 .",positive +Kalmar has been awarded a new 5-year contract to supply its Rough Terrain Container Handler RTCH .,positive +Componenta will also offer a five-year subordinated loan for subscription by the public .,neutral +He joined Rautakirja in 1997 to lead one of its four business areas and took up the position of President and CEO in 2001 .,neutral +"According to Saarioinen 's Managing Director Ilkka M+ñkel+ñ , the food industry sector has a significant excess of production machinery .",neutral +"Member of the HK Ruokatalo Group in Finland , Scan , is launching a joint venture slaughterhouse with Team Ugglarp in Sk+Ñne , southern Sweden .",neutral +As a result of these negotiations the company has decided to make 45 people redundant on financial and production grounds .,negative +"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 .",neutral +Primark racks up a happy Christmas after strong sales,positive +Repeats sees 2008 operating profit down y-y ( Reporting by Helsinki Newsroom ) Keywords : TECNOMEN-RESULTS,neutral +Net investment income,neutral +"The flagship will open this fall in Manhattan 's Flatiron District in the `` Toy Building , '' at 200 Fifth Avenue .",neutral +"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 .",neutral +"However , the production is almost entirely very labor intensive and based on small investments only .",neutral +`` BG Crane has been a strong partner for Hiab in Australia for many years .,neutral +"`` 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 .",neutral +The acquisition of +àlandsbanken Sverige in 2009 burdened the performance with EUR 3.0 mn .,negative +"The group 's operating loss was EUR 0.8 mn , down from a profit of EUR 2.5 mn in 2004 .",negative +"According to PKC , the acquisition would bring a significant addition to PKC 's customer base .",positive +Bilfinger Industrial Services win £100m BP contract extension,positive +"The sale will be finalized in September or October , the company said .",neutral +longed $AMZN 300 @ 189.82,positive +"Motorola , the world 's second-largest maker of cell phones , unveiled the new phone Tuesday in a bid to resurrect its ailing handset business .",neutral +This combined with foreign investments creates interesting opportunities for Solteq .,positive +Diageo receives reports from United Spirits on financial irregularities involving ...,negative +Operating profit rose from EUR 1.94 mn to EUR 2.45 mn .,positive +The terms of the transactions remained undisclosed .,neutral +Neste Oil will offer outplacement services to the 111 employees to be reduced .,neutral +Anheuser-Busch InBev Increases Offer for Rival SABMiller,positive +The net sales decreased to EUR 49.8 million from EUR 59.9 million .,negative +"Neste Oil will publish its third quarter 2008 results on Friday , 24 October 2008 at approximately 9 am ( EET ) .",neutral +SHARE REPURCHASE 11.01.2008 In the Helsinki Stock Exchange On behalf of Sampo plc Danske Bank A-S Helsinki Branch,neutral +"According to CEO Matti Karppinen , Frozen Foods posted a good result in 2010 , as it did in 2009 .",positive +Think $FMS will challendge 200-EMA in not distant future. Look at yesterday's volume,positive +"Incap Contract Manufacturing Services Pvt Ltd , a subsidiary of Incap Corporation of Finland , plans to double its revenues by 2007-2008 .",positive +"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 .",neutral +"The orders are for 26 machine-room-less KONE MonoSpace elevators , which would be installed during 2006 .",neutral +The sale will lead to a pretax capital gain of EUR 22 million for the Finnish company in 2011 .,positive +The order is a follow-on to an 11 mln euro ( $ 16.1 mln ) deal made in July 2007 .,neutral +"`` Soon after , the collisions started . ''",neutral +Pharmaceuticals - Spain This brand-new market analysis gives a clear overview of the actual situation and future outlook of the pharmaceutical market in Spain .,neutral +Finnish forest industry group Stora Enso Oyj issued on Thursday ( 20 March ) a profit warning for the first quarter 2008 .,negative +The Group 's order portfolio decreased from EUR 42.9 mn in 9-2007 to EUR 33.3 mn in 2-2008 .,neutral +Pretax profit jumped to EUR 21.9 million from EUR 3.1 million .,positive +"The result will also be burdened by increased fixed costs associated with operations in China , and restructuring costs in Japan .",neutral +"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 .",neutral +Credit Suisse poaches Prudential's Thiam for Asian push,positive +Tesco share price dips as Blinkbox Books closes ending supermarket's digital ...,negative +"The dollar bounced back after hitting another record low against the euro , which reached $ 1.41 for the first time .",neutral +"News FeedSchroders books solid earnings growth, several board changes",positive +Basware Business Transactions Service enables the customer to receive and send invoices in an electronic format .,neutral +The majority of the company 's personnel in Finland is temporarily laid off from one to six weeks in the period from February to June 2009 period .,neutral +"The payment date is March 25 , 2010 .",neutral +$SBUX inverted head & shoulders pattern in the works. bullish.,positive +"The Annual General Meeting approved a dividend of EUR 0.10 per share , that is , a total of EUR 7,8 million .",neutral +"The one dark spot on the horizon , however , was the company 's performance in the Finnish bottled water market .",negative +`` We could be there .,neutral +Commodity Channel Index Indicator signaled a Oversold for $FB #stockmarket https://t.co/VM32d3M9xi https://t.co/cvkojk05Xn,positive +"The acquisition was financed with $ 2.56 billion of debt arranged by Goldman , Sachs & Co. .",neutral +A memorandum of understanding on cooperation between the Finnish Global Chemical Company KEMIRA and Vietnam National Chemicals Group ( Vinachem ) was signed on this occasion .,positive +"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 . ''",positive +"The company reported net sales of EUR550m in 2005 and had some 3,200 employees .",neutral +"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 .",positive +"The fish content of the nuggets is 85 % , and the fish comes from Canada and Finland .",neutral +"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 .",positive +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 .,neutral +The initial estimated total value was 1744900 EUR and the final award value was 1744900 EUR .,neutral +"The Bank of Tokyo-Mitsubishi UFJ , Ltd acted as agent for the loan .",neutral +The shops are located in the capital region and the Paijat-Hame region .,neutral +$GPS Gap September Comparable Store Sales -4%,negative +"OCBC to Buy Barclay's Wealth Management Unit in Singapore, Hong Kong",positive +Pretax profit decreased by 37 % to EUR 193.1 mn from EUR 305.6 mn .,negative +"Cencorp , headquartered in Virkkala , Finland , develops and supplies automation solutions to the electronics and semiconductor industry that enhance productivity .",neutral +Costco: A Premier Retail Dividend Play https://t.co/J3UhTs022M $COST,positive +Ruukki Group calculates that it has lost EUR 4mn in the failed project .,negative +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 .,neutral +`` We are pleased with the efforts of both negotiating teams and look forward to a productive four years ahead . '',positive +Sold some $TSLA Puts this morning Closed them at the close. Helps pay for monthly expenses,neutral +Atria said its offer would give the Swedish company continued ownership and control of its slaughtering and cutting operations .,neutral +Finnish Bank of +àland +àlandsbanken has issued a profit warning .,negative +"Thanks to the internet , consumers compare products more than previously and Finnish companies are not competitive .",negative +"Later on , about 150 Finnish-made houses will be build in the area .",neutral +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 .,neutral +Operating profit excluding non-recurring items totaled EUR 5.4 mn compared to EUR 5.5 mn in the corresponding period in 2007 .,neutral +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 .,negative +The company 's market share is continued to increase further .,positive +"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 .",neutral +"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 .",neutral +The issuer is solely responsible for the content of this announcement .,neutral +"ALEXANDRIA , Va. , Oct. 23 -- Hans-Otto Scheck of Espoo , Finland , has developed a method of identifying remote radio units in a communication system .",neutral +Rapala Fishing Frenzy 2009 .,neutral +"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 .",negative +Latvenergo has ordered a significant expansion to the Tekla Xpower network information system .,positive +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 .,positive +Pharmaceuticals - Belgium This brand-new market analysis gives a clear overview of the actual situation and future outlook of the pharmaceutical market in Belgium .,neutral +Jon Risfelt is 49 years old holds a Master of Science in Chemical Engineering from the Swedish Royal Institute of Technology .,neutral +"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 .",neutral +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 .,negative +"In today s business , you have to pre-empt what consumers want , said Mohammed Zainalabedin , General Manager , Zain Bahrain .",neutral +"The hosting mobile terminal guides information flow between itself , the participating terminals , and optionally , with network servers that may assist the hosting mobile terminal .",neutral +"According to Olvi 's Managing Director Lasse Aho , the company has an ongoing MMX Plus project that aims to find growth outside Finland .",positive +"BHP Billiton slashes dividend, posts $5.67 billion net loss",negative +"- 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",positive +$GOOGL gets an upgrade price target $970,positive +"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 .",positive +`` Stonesoft sees great promise in the future of IPv6 .,positive +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 .,positive +$BWLD bearish engulfing candle,negative +Strong growth has continued also in China .,positive +"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 .",neutral +"Sanoma Learning & Literature , offering print and digital learning materials , is present in eleven countries .",neutral +"The company has the poser , who wants to impress people with the latest handset .",neutral +$GILD is expanding its research facilities...keeping up with the pace of innovation https://t.co/uOE7FJ4LOP,positive +"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 .",positive +Standard Chartered lags on capital worries,negative +The value of the order is nearly EUR400m .,neutral +"The company operates a U.S. division in Lisle , Ill. .",neutral +The front surfaces of these valve plates are directed towards each other .,neutral +"Combining the two producers will create a strong EU-based fertilizer industry capable of meeting global competition , they added .",positive +"Sponda is a property investment company , specialising in commercial properties in the largest cities in Finland and Russia .",neutral +Amanda said that it had already made a USD5 .0 m investment commitment in Russia Partners II fund in July 2005 .,neutral +$RDC Rowan Expands Share Repurchase Program to $150 million,positive +$TNH Looks like an explosive setup if it can break the 20EMA and 105 level http://stks.co/b1SVH,positive +"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 .",neutral +Pretax profit decreased to EUR 33.8 mn from EUR 40.8 mn in the fourth quarter of 2005 .,negative +"Earnings per share ( EPS ) amounted to EUR1 .37 , down from EUR2 .30 .",neutral +"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 .",neutral +"`` We will now , after the relevant authority approvals , make a mandatory bid as required by the Finnish Securities Markets Act .",neutral +"In the reporting period , the company 's operating profit grew by 43.2 % to EUR 6 million .",positive +"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 .",positive +"ASPO Plc STOCK EXCHANGE BULLETIN October 24 , 2006 at 2:00 p.m. Aspo Systems Division has completed the statutory negotiations , as required under the Act on Co-Operation Within Undertakings , conducted as part of the action plan launched in August .",neutral +Bought some more $CELG as it is ready for a bounce.,positive +"In providing managed services , Nokia takes responsibility for building , operating and transferring as well as optimising the Indosat 3G network .",neutral +"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 % .",positive +Juha-Pekka Weckstr+Âm has been appointed President of telecom group TeliaSonera Finland to succeed Esa Rautalinko .,neutral +"The Finnish real estate investment company Interavanti Oyj said on Monday ( 22 September ) that it has agreed to sell its 65 % ownership in the Finnish ticket service company Lippupiste Oy to CTS Eventim AG ( 56,1 % ) and to the managing director of Lippupiste Oy .",neutral +"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 .",neutral +"The company is now intensifying its smelter operations and increasing its annual production capacity to 230,000 tonnes of copper .",positive +"Nurminen Logistics provides high-quality logistics services , such as railway transports , terminal services , forwarding , special and heavy transports and medical transports .",neutral +IonPhasE 's second major owner is venture capital firm Aura Capital .,neutral +"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 .",neutral +Net sales fell by 5 % from the previous accounting period .,neutral +"The EB Tough VoIP Field Phone is equipped with an integrated speaker , Ethernet and SHDSL connectivity , and enables several innovative applications .",neutral +"According to CEO Hannu Syrj+ñnen , a new common name and visual identity is required as the group has grown and internationalised .",neutral +Industry NewsMorrisons unveils which stores will close as 900 jobs face the axe,negative +Sanoma News ' advertising sales decreased by 22 % during the year .,neutral +"Xerox and Stora Enso have teamed up to tailor the iGen3 to the short-run , on-demand packaging market .",positive +"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 .",negative +$FB I've been dead on so far. Such a bloated valuation. https://t.co/czCf8Kbrlt,negative +An individual promotion also generated slightly higher-than-expected revenues .,positive +"Headquartered in this city , the company is nearly 75 years old and focuses on science-based innovation and technology for environmental measurement .",neutral +$TSLA Wish had my puts back but see if we can find support around 243.39 and pop up so that I can get back in. https://t.co/hFkLq3WObV,negative +"Tecnomen , headquartered in Espoo , Finland , develops messaging and charging solutions for telecomms operators and service providers worldwide .",neutral +"( 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 .",negative +"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 .",neutral +$TSLA <STUDY the CHARTS> Pullback_Time https://t.co/ZMDG0fb3I7,negative +Tesco criticised for 'disgraceful' advert showing domestic worker being slapped,negative +"Componenta is a metal sector company with international operations and production plants located in Finland , the Netherlands , Sweden and Turkey .",neutral +The company 's net sales in 2009 totalled MEUR 307.8 with an operating margin of 13.5 per cent .,neutral +Multi Top on $MCD chart finally leads to a fall in price. Stability is questioned in the stock but coming weeks will tell.,negative +long $SDLP $CPGX $TWTR $BITA $LABU $FB $TSLA $ETE $SDRL Autocharts @ https://t.co/nxLx1ES7nY,positive +The company will use the assets for strengthening its balance sheet and financial position .,positive +"However , two of the previously ordered sets will start producing electricity at the end of October 2010 , it said .",neutral +$PRLB hanging tough in down market due to analyst upgrades last week. Up almost 3%.,positive +BasWare Order Matching automatically matches purchase invoices with approved purchase orders .,neutral +More than a third of the original participants dropped out due to nausea and other side effects .,neutral +London Stock Exchange Shareholders Approve Merger With Deutsche Börse,positive +Electricity consumption grows with higher frequencies .,neutral +"`` The bond gathered subscriptions from some 400 investors and the issued amount can be considered substantial taking into account the main target group -- retail investors , '' Citycon CFO Eero Sihvonen said .",neutral +The recruits who have completed the K-retailer trainee program are qualified to start a career as independent retailers in K-stores .,neutral +"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 .",positive +"Nokia Siemens Networks provides mobile and fixed network infrastructure , communications and networks service platforms , as well as professional services , to operators and service providers .",neutral +"Glaston 's share GLA1V is listed on the NASDAQ OMX Helsinki , Mid Cap List .",neutral +"Cargotec 's sales totalled EUR 3.4 billion in 2008 and it employs approximately 11,000 people .",neutral +Horizonte acquires neighbouring Glencore nickel property in Brazil,positive +"ALEXANDRIA , Va. , May 16 -- Kenneth Bower of Vista , Calif. , has developed an ornamental design for a handset , the U.S. Patent & Trademark Office announced .",neutral +"Konecranes Oyj KCR1V FH fell 5.5 percent to 20.51 euros , the biggest fall since June .",negative +SRV lowered its net sales estimate for the whole of 2008 due to uncertainties in housing sales .,neutral +"In Finland , metal sector company Componenta is laying off temporarily the staff of its Pori mill from Christmas 2008 till 6 January 2009 .",negative +"Swiss bank Credit Suisse International will act as an investor in the locomotive manufacturing plant , the Astana administration said .",neutral +"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 .",neutral +"TietoEnator was down 1.13 pct to 18.38 , extending recent lows after last week 's second-quarter report , dealers said .",neutral +Aspo serves demanding business-to-business customers .,neutral +The recent troubles simply make NETeller cheaper .,neutral +"Seventy-three of those also have more extensive training in products built on the latest ArchestrA technologies , such as the Wonderware System Platform .",neutral +"In 2007 , Contempus generated revenue of NOK 69.3 ( approx .",neutral +"Pretax profit totalled EUR 2.0 mn , compared to a loss of EUR 159.2 mn in the fourth quarter of 2008 .",positive +"Britain's FTSE outperforms Europe, Royal Mail and Tesco rise",positive +"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 .",positive +`` It allows the young child to move forward with his life . '',positive +"`` BasWare 's product sales grew strongly in the financial period , by 24 percent .",positive +Scanfil will execute the temporary lay-offs by mid-October 2009 and the job cuts by March 2010 .,neutral +"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 .",positive +This new partnership agreement represents a significant milestone for both parties .,positive +It has some 30 offices worldwide and more than 90 pct of its net sales are generated outside Finland .,neutral +"After the sale , Outokumpu 's share of the technology unit will be reduced to some 12-20 percent .",neutral +services supplier Efore Plc to streamline operations in Finland and the US Finnish electronic systems and services supplier Efore Plc ( OMX Helsinki : EFO1V ) said on Tuesday ( 3 February ) that it has initiated statutory negotiations regarding a streamlining of its operations in Finland .,positive +"Operating loss was EUR 179mn , compared to a loss of EUR 188mn in the second quarter of 2009 .",positive +"As a result of the transaction , Sanoma Budapest has acquired a stake in the online store Egeszsegbolt .",neutral +"Earnings per share ( EPS ) in the first half of 2007 amounted to EUR0 .29 , down from EUR0 .40 year ago .",negative +$AAPL Good time to buy. Will the run come before earnings or after?,positive +The indexes include the top companies that are committed to sustainable development .,neutral +Altogether Finnair has canceled over 500 flights because of the strike .,neutral +"$ONTY Continues to base as debate lingers. ONT-10 data next potential catalyst. If positive, stock quickly moves to $10. Downside limited.",positive +"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 .",neutral +"Exports of goods fell by 59 % , and imports by 16.7 % .",negative +"In addition a reduction of nine persons will be made through pension or other arrangements , the company added .",neutral +"Operating loss totalled EUR 5.2 mn , compared to a loss of EUR 3.4 mn in the corresponding period in 2008-2009 .",neutral +The companies signed the letter of intent for the sale on 17 September 2010 and envisaged to seal the actual agreement on 1 January 2011 .,neutral +"@TraceyRyniec not just energy, it's so broad. You will see it in WWG and Kaman as well. I'd be short $fast",negative +Negotiations with representatives of the personnel regarding the restructuring process have now been ended .,neutral +$DDD 3D Systems (DDD) Stock Receives Ratings Downgrade Today at Jefferies http://stks.co/g1cqd,negative +"Under a memorandum of understanding MoU the parties will collaborate in preparing and implementing joint projects in the fields of combined power and heat generation , environmental protection and energy efficient technologies .",positive +The new factory working model and reorganisations would decrease Nokian Tyres ' costs in the factory by EUR 30 million ( USD 38.7 m ) .,positive +"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 .",positive +$AEGN MACD and ADX are crossing over the signal lines! Long Setup http://stks.co/qzzx,positive +"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 .",neutral +$AAPL rejected the hod...should head lower. Sitting on the sidelines for now.,negative +"As the world leaders in developing UV technology for municipal wastewater , drinking water , and industrial water treatment systems , Trojan Technologies was a logical partner in providing W+ñrtsil+ñ with UV technology for ballast water treatment .",neutral +Net sales dropped by 6 % year-on-year to EUR 11.9 million .,neutral +Lemcon signed an investment cooperation agreement with the Kaluga regional administration last November .,positive +"GENEVA , Feb. 10 -- Tero Aaltonen , Finland has developed a radio resource control method .",neutral +Total value of the contract is about EUR 10mn .,neutral +"International sales rose by 59.8 % to EUR 1,244.4 mn .",positive +Componenta increased its stake in Turkish steel company Doktas Dokumculuk Ticaret ve Sanayi A.S. to 92.6 pct stake in March 2007 .,positive +The customer is cooperative retailer Osuuskauppa Suur-Savo .,neutral +"`` Tweeple should check who 's following them , and be cautious when clicking on URLs and tinyurls . ''",neutral +"The opportunity will be available only for few employees , however .",neutral +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 .,positive +Satama 's net sales would be higher than the year before .,positive +"`` The acquisition of Sampo Bank makes strategic sense for DB , '' says Lindsey Liddell , director of Fitch Ratings 's Financial Institutions Group .",positive +Slowly adding some $FIO here but gotta be careful. This will be one of biggest winners in 2012,positive +"The outsourcing agreement , which covers equipment and depots in Turku and Tampere , will run for five years , Cramo said on Thursday .",neutral +The company expects net sales of 65 mln euro ( $ 85.1 mln ) for 2006 .,neutral +"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 .",positive +"In the end of 2006 , the number of outlets will rise to 60-70 .",positive +Managing Director Timo Kohtam+ñki of Lemmink+ñinen Infra nevertheless points out the continued need for infrastructure construction in the Baltic markets .,neutral +"First Industrial will seek LEED designation for Uponor 's new building and a 282,000 square-foot speculative distribution center at First Park Lakeville .",neutral +Severn Trent share price jumps as Canadian investor renews pursuit of utility,positive +The value of orders on hand totaled EUR 237.1 mn .,neutral +Brewer AB InBev seeks $275 bln tie-up with SABMiller,positive +"Several large stocks tacked lower , however .",negative +"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 .",neutral +"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 .",negative +"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 .",negative +In return the New York-based private equity firm will receive a 51 % stake in the Latvian IT and telecom group .,neutral +"Metso expects its net sales to increase by about 10 % in 2008 , at comparable exchange rates .",positive +The oil shale feeder-supply solution will deliver crushed oil shale to the shale oil refinery already in operation as well as to the novel Enefit-280 shale oil technology processing plant .,neutral +The order is related to renewing the network of the telecommunications operator .,neutral +Mr Jortikka is president of the base metal division of Outotec Oyj in Finland and is on the executive committee of Outotec .,neutral +"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 .",positive +"The pilot project proved that RIFD technology is ideal for our purposes '' , comments Olli Saarinen , Material Handling Supervisor at Yara .",positive +"The company designs and manufactures high-quality clothing , interior decoration textiles , bags , and other accessories .",neutral +"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 .",positive +"UPDATE 1-Nomura, RBS must pay $806 mln in mortgage bond case-US judge",negative +"In January-September 2007 , Finnlines ' net sales rose to EUR 505.4 mn from EUR 473.5 mn in the corresponding period in 2006 .",positive +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 .,positive +"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 .",neutral +"The period 's sales dropped to EUR30 .6 m from EUR38 .3 m , according to the interim report , released today .",neutral +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 .,neutral +"Benefon , a wireless and GPS technology company , will supply Karputer with its TWIG navigation platform , a GPS satellite navigation and voice guidance service .",positive +The revenues of the business reached NOK 12 million for 2008 .,neutral +"Loss after financial items totalled EUR 9.7 mn , compared to a profit of EUR 1.3 mn in the corresponding period in 2008 .",neutral +Hard to find new buyers of $TSLA at 250. Shorts continue to pile in.,negative +"The aim of the CEO 's Q&A sessions is to give further clarity on information , which has been made public already earlier .",neutral +WPP wins race for 'programmatic buying' agency Essence Digital,positive +UPDATE 1-Cypress Semiconductor offers to buy Integrated Silicon Solution,positive +"At the moment , there are approximately 20 Vianor sales offices in Russia .",neutral +"RT @StockTwits RT @fallondpicks Breadth Consolidates: After weeks of steady gains,advances in mkt breadth slowe... http://stks.co/2TrG $QQQ",negative +Together they generate Aspo 's goodwill .,neutral +"The Group 's consolidated net sales for 2008 totaled 3.4 billion euros and it employs approximately 13,000 persons .",neutral +"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 .",neutral +"In volume , the focus is already outside Finland , as 60 % of the group 's products are made in Poland and the Baltic countries .",neutral +"In Lithuania , operating profit rose to EUR 190,000 from EUR 70,000 in the corresponding period in 2005 .",positive +Spain's CaixaBank Expects To Close Deal For Banco BPI,positive +"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 .",neutral +"The Americas represents 25 % of Gemalto 's billing , and Latin America is one of the fastest growing regions for the company .",neutral +Microsoft joins the open-source Eclipse Foundation https://t.co/z8G5cZaKeU focus on collaboration & open business is a smart strategy! $MSFT,positive +It said Comptel delivers reliable provisioning and activation solutions which improve fulfilment processes for operators .,neutral +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 .,neutral +Kemira 's partner in the project is St. Petersburg Water Works .,neutral +"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 .",positive +"Long Position on $GOL,...Updating http://stks.co/fdmm",positive +"EU drops Shell, BP, Statoil from ethanol benchmark investigation",positive +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 .,positive +$FB $AAPL $NKE $JWN bearish charts keep getting worse.,negative +InterContinental Hotels Group share price climbs on $1.5bn special dividend,positive +The aim is to achieve EUR 2.5 mn yearly savings .,positive +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 .,positive +"Employees are also better prepared to answer calls , since they already have detailed information about the caller before they answer the phone . ''",positive +"The new company , DiaPol S.r.l. , would manufacture tools meant for glass and stone pre-processing .",neutral +"According to Soosalu , particular attention was paid to residents privacy and security in the design of the Aleksandri Street building .",neutral +"The wireless industry is bracing itself for the iPhone , which will launch on June 29 .",neutral +"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 .",neutral +"Alma Media 's operating profit amounted to EUR 11.9 mn , down from EUR 15.0 mn a year earlier .",negative +AstraZeneca Explores Potential Deal With Acerta for Cancer Drug,positive +Net sales in 2007 are expected to be 10 % up on 2006 .,positive +$CIEN http://stks.co/dZU CIEN seems to have broken out of a major horizontal resistance. Targets $14.35.,positive +The recent troubles simply make NETeller cheaper .,negative +"Sampo Housing Loan Bank , a unit of Finland 's Sampo Bank , has priced its EUR1bn ( USD1 .3 bn ) bond at 99.889 % , Reuters reported .",neutral +"Finnish L&T Recoil , a company specialising in used oil regeneration , is building a facility in Hamina in Finland in 2008 .",neutral +Diluted loss per share stood at EUR 0.15 versus EUR 0.26 .,positive +"Also , a seven-year historic analysis is provided for these markets .",neutral +CompaniesCar insurer Hastings Group driving £180m IPO,positive +The company said that its comparable operating profit for the January-June period fell short of last year 's corresponding performance .,negative +Operating profit fell to EUR 23.26 mn from EUR 32.86 mn .,negative +"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 .",positive +Growth is expected to continue in 2008 .,positive +$CHRM Loooooongggggg base,positive +The deal includes an option for Cramo to buy out the minority stake in 2011 .,neutral +"BPI Says Caixabank, Isabel dos Santos Reach Agreement Over Angola Exposure",positive +"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",neutral +"The acquisition is part of Suomen Helasto 's strategy to expand the LukkoExpert Security chain , Suomen Helasto CEO Kimmo Uusimaki said .",neutral +"$INTC & $AAPL strong, tech leads DOW higher",positive +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 .,neutral +NWC ANALYSIS :,neutral +"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 .",neutral +"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 .",positive +"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 .",neutral +A total of 140 jobs will be reduced at the Raahe Steel Works .,negative +"$FB trending nicely, intraday.",positive +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 .,neutral +"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 .",negative +$GTE LONG at 7.44,positive +"` We respect their decision ... the discussions are now closed , ' said Kai Telanne , Alma Media 's CEO .",neutral +The value of the contract is in total USD12m .,neutral +Small investors have voiced fears that the shares will end up with risk investors .,negative +The acquisition is expected to take place by the end of August 2007 .,neutral +The value of the confirmed aircraft orders totals EUR 2bn .,neutral +Incap and Lankapaja aim to enter into actual agreement to transfer the sheet-metal production to the buyer in February in order to complete the transfer on 1 March 2011 .,positive +"`` Last year , Finnair recorded a 32.6-percent growth on the Asian sector , carrying more than 1.10 million passengers between the two continents . ''",positive +$MOS looking good here at $58.65. Calls are active in this month and weekly,positive +"According to the report , Elisa 's and DNA 's joint market share of Finland 's telecom market is 59 % .",neutral +The value of the order is EUR 2.5 mn .,neutral +Rapala VMC Corporation ( Rapala ) is a Finland-based company engaged in the manufacture and distribution of fishing equipment and accessories .,neutral +"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 .",neutral +HSBC appoints business leaders to board,positive +"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 .",negative +"More than 14,000 customers were left powerless .",neutral +"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 .",positive +Finnish meat company Atria can no longer promise a sufficient amount of domestic beef to its customers .,neutral +ICE Said to Start Lining Up Financing for LSE Bidding War,positive +The transaction included also the transfer of the lease agreement concerning manufacturing premises and employment agreements related to these operations .,neutral +Ixonos will finance the acquisition through a 3.8 mln euro $ 5.2 mln loan .,neutral +"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 .",neutral +AstraZeneca share price: Acerta deal pays off with orphan drug status,positive +Aspen to Buy Anaesthetics From AstraZeneca for $520 Million,positive +"Sales at the Tiimari business went down by 8 % to EUR 11.8 million , while Gallerix stores saw 29 % growth to EUR 2 million .",negative +Commission income fell to EUR 4.6 mn from EUR 5.1 mn in the corresponding period in 2007 .,negative +"The last quarter was the best quarter of 2009 in net sales , and the operating margin rose to 12.2 % .",positive +Passenger-related revenue rose by 5.1 % to EUR 460.8 mn from EUR 438.5 mn in 2009 .,positive +"Last year , the firm also acquired Realprojekti Oy , a real estate development company , to advise CapMan on its property activities .",neutral +"The company 's operating income ( EBIT ) totalled EUR 0.0 mn , up from EUR -0.3 mn year-on-year .",positive +Combining this deep domain expertise with our Application Service Management ASM and outsourcing service offerings has now proved to be a winning combination .,positive +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 .,neutral +Business boomed after Ostrom helped plant a small story about Rapala lures in a Life magazine issue that featured Marilyn Monroe on the cover .,positive +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 .,negative +"Pretax loss totaled EUR 1.2 mn , down from a profit of EUR 2.1 mn in 2004 .",neutral +"Raute , headquartered in Nastola , Finland , is a technology company serving the wood products industry worldwide .",neutral +"Last week , however , Nokia announced that it will pursue a long-term relationship with Microsoft , and make the Windows Phone 7 operating system the foundation for Nokia mobile phones .",neutral +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 .,neutral +"However , this increases signaling traffic which wastes network resources and allows fewer smartphones to connect .",neutral +$ISRG PT raised to $700 from $640 at Leerink - keeps Outperform rated,positive +The idea of saving electricity in data transfer is still a new one .,neutral +"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 ) .",positive +"Nokia Multimedia 's net sales totaled EUR 5.7 bn , up 45 % from the corresponding period in 2005 .",positive +Measures will be launched immediately and are due to be finalized in the first quarter of 2010 .,neutral +"Russian Media Ventures ' minority shareholder Peter Hervy denied the plans to sell OVA Press , the daily said .",neutral +"Tesco set to sell Kipa, Giraffe businesses - Sky News",negative +A PLUMBING business has announced it is sponsoring a professional darts player .,neutral +No more waste-burning facilities should be built .,neutral +"Mr. Mika Korpinen , APAC Vice President for Comptel concludes : `` Comptel is once again demonstrating the importance of providing reliable delivery and enabling time-to-market .",neutral +The name of the newspaper publishing and printing division Sanoma will be changed to Sanoma News .,neutral +Net sales increased to EUR655m in April to June 2010 from EUR438m a year earlier .,positive +The total capacity of the factory will be approximately 100 engines a year .,neutral +Operating profit rose to EUR 4.7 mn from EUR 3.6 mn .,positive +Shire to buy NPS for $5.2 billion to boost rare disease drugs,positive +The ` buy ' recommendation was reiterated .,positive +Finnish electrical components maker Salcomp Oyj ( HEL : SAL1V ) announced today the launch of its latest Twist charger platform .,neutral +$aapl high of day just hit. Back at it tomorrow.,positive +Stakes High for AstraZeneca Heart Drug Facing Tough Competition,negative +`` Capital expenditure on energy efficiency has unfortunately fallen along with the decline in the economy .,neutral +Both sources said Nokia would unveil its new phone code-named `` Tube '' on Oct. 2 at an analyst and media event in London .,neutral +"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 .",neutral +"AstraZeneca bags another cancer drug deal, this time with Inovio",positive +Hearst will be able to consolidate about 20 % of all Russian market for advertising in press after the purchase .,positive +Pretax profit decreased to EUR 33.8 mn from EUR 40.8 mn in the fourth quarter of 2005 .,neutral +"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 .",neutral +"On the other hand , Finnish sawmills ' production has decreased even more .",negative +"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 .",neutral +"The contract comprises a log handling line , a peeling line , and a veneer drying and grading line .",neutral +Saunalahti is a part of the Elisa group .,neutral +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 .,neutral +Repeats sees 2008 operating profit down y-y ( Reporting by Helsinki Newsroom ) Keywords : TECNOMEN-RESULTS,negative +"Production levels have been agreed with producers a long time ago , so a fall in consumption will lead to losses .",neutral +"Under the terms of the off-take agreement with Talvivaara , Cameco will provide an up-front investment , to a maximum of $ 60 million , to cover the construction cost of the uranium extraction circuit .",positive +"$CSX is up today to report. Wall Street is expecting EPS to be at $0.37, and revenues at $2,732B.",positive +"L&T is operative in Finland , Sweden , Latvia , Russia and Norway .",neutral +$amzn breaking,positive +"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 .",positive +Comptel Corporation will publish its financial statements for 2008 on 12 February 2009 .,neutral +"ALEXANDRIA , Va. , July 11 -- Hannu Kahonen of Juuka , Finland , has developed an ornamental design for a handle for fire pit door , the U.S. Patent & Trademark Office announced .",neutral +"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 .",positive +"RT @Cash_Cow $TLT still has a rising RSI & MACD, all this bond buying is signaling some bad moves for the market. $SPY $UUP",negative +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 .,negative +Operating profit rose to EUR 9.2 mn from EUR 6.8 mn in the corresponding period in 2007 .,positive +"At the moment , Valio is not worried , but if the ban continues for long , it may become quite a problem .",neutral +Curators have divided their material into eight themes .,neutral +- 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 .,neutral +"In the first half of 2008 , the Bank 's operating profit fell to EUR 11.8 mn from EUR 18.9 mn , while net interest income increased to EUR 20.9 mn from EUR 18.8 mn in the first half of 2007 .",negative +$TSLA upgraded to Buy @ Argus w/ $333 PT - you'd almost think after ~100pt run in 5 weeks this would be the sell signal,positive +Glencore chief blames rivals' overproduction for share price fall,negative +The new plant is planned to have an electricity generation capacity of up to 350 megawatts ( MW ) and the same heat generation capacity .,neutral +The company said shareholders will be able to vote on the agreement at an EGM scheduled for later this month .,neutral +"According to Schmardin , Nordea will most likely try to win customers over from other pension fund providers .",positive +"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 .",positive +"Ahlstrom 's 5,700 employees serve customers via sales offices and production facilities in more than 20 countries on six continents .",neutral +FDA Approves AstraZeneca's Iressa As Lung Cancer Treatment,positive +`` These developments partly reflect the government 's higher activity in the field of dividend policy . '',neutral +Shuweihat 2 got under way in July 2008 when the project was awarded to desalination and power contractors .,neutral +"$TSLA TO RECALL 2,700 MODEL X SUVS FOR SEAT-BELT FIX",negative +Added. Cost now at 1.54. Bounce off of Put OI & S1 pivot. @moteltan BTO $AAPL Apr 27 2012 605.0 Calls @ 1.66 for ride to 609 ish.,positive +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 .,neutral +"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 .",positive +He will report to CapMan Plc 's CEO Heikki Westerlund .,neutral +"More than 14,000 customers were left powerless .",negative +Oriola-KD expects its invoicing in 2008 to be higher than the comparable invoicing of 2007 .,positive +"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 .",neutral +"Via the agreement , Ramirent will expand the range of equipment and services it delivers to Destia , Ramirent Finland 's managing director Kari Aulasmaa , said .",positive +"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 .",neutral +Operating profit improved by 44.0 % to ER 4.7 mn from EUR 3.3 mn in 2004 .,positive +"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 .",neutral +The operating margin came down to 2.4 % from 5.7 % .,negative +"This truly takes efficiency to new heights , '' Mr. Metso adds .",positive +"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 .",neutral +"ACE Limited, which has a 17 year dividend growth streak, plans a 33% dividend hike: http://stks.co/1BUE $ACE",positive +"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 .",neutral +"The firm 's services include copying , printing , CAD-modelling , digital printing , scanning , SokoPro project bank and courier services .",neutral +"When this information was released on 5 September 2008 , Nokia 's American Depositary shares fell by 8 % .",negative +"Our objective is to yield a significant part of our turnover in Russia in a couple of years , '' says Solteq 's Managing Director Hannu Ahola .",neutral +$TSLA gyrating @ S1 above gap. keeping an eye on S2 http://stks.co/jQfB,positive +The statutory negotiations at headquarters are part of this decrease .,neutral +"In Finland , Alma Media will focus on quality and developing chain operations .",neutral +"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 .",positive +"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 .",neutral +"Auburn 's sales in 2007 were CAD 41 million ( approximately EUR 27 million ) , and the company employs some 150 people .",neutral +"Nevertheless , Fitch notes that the business fundamentals of the three banks currently remain sound .",positive +"After piloting , the instrument will be further developed according to the experiences gained .",neutral +"$GLD http://stks.co/jr8 Daily chart - though RSI and Stoch. point at a possible move up, there's a lot of resistance.",positive +"Poyry is a global consulting and engineering firm focusing on the energy , forest industry and infrastructure & environment sectors .",neutral +"Swedish telco TeliaSonera is teaming up with Friends , a Swedish organization against bullying , to fight bullying of children and teenagers via electronic channels .",neutral +The duration of the contract is 37 months .,neutral +A meeting of Glisten shareholders to vote on the bid will be held on 12 March .,neutral +"Mercator will use the software for its logistic , retail and wholesale operations in Slovenia and its other markets in southeastern Europe .",neutral +"Insurer Axa ( PAR : CS ) slid by 5.35 % to EUR 14.15 , after Citigroup and ING slashed their targets on the stock .",negative +"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 .",positive +No changes in media activity were seen in October compared with September .,neutral +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 .,neutral +"Sampo Bank 's market share of lending was 13.6 % , down from 14.4 % in the first quarter of 2008 .",negative +In July it and Quadriga Capital sold their Lewa GmbH pump-making business to Japan 's Nikkiso Co. .,neutral +"The largest construction company in Finland , YIT Corporation , is to acquire 70 % of the shares in the Slovak construction company Reding Bratislava .",neutral +"In total , more than 3000 surveillance cameras will be handled and managed according to a variety of needs , the company said .",neutral +"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 .",neutral +The enterprise value of Maritim Food AS has been determined as approximately EUR15m .,neutral +Facebook $FB received a Buy rating from Wells Fargo 5-star Analyst Peter Stabler (Wells Fargo) https://t.co/jnB4c9vdCu,positive +"In April-June 2008 , Scanfil 's net sales totalled EUR 58.7 mn and operating profit EUR 6.6 mn .",neutral +"Aldi and Lidl expansion plans speed ahead as Tesco, Sainsbury's, Morrisons ...",positive +"The paper industry 's de-inking sludge , which is produced in mills that use recycled fiber when printing ink is removed from recovered paper , is also a suitable raw material .",neutral +$RSOL bought 3500 shares today!,positive +$XLI Potential intermediate top in an Uptrend on a 60'-15'-4' charts http://stks.co/j1TdF,positive +Mr. Kari Stadigh will carry on as Chairman of the Board and Mr. Matti Arteva as Vice-Chairman .,neutral +"The total value of the order , placed by Aspo ' marine transportation subsidiary ESL Shipping Oy , is EUR 60 million ( USD 77.5 m ) .",neutral +Operating loss totaled EUR 0.3 mn compared to a profit of EUR 2.2 mn in the corresponding period in 2007 .,neutral +One attractive factor about the tablets for media companies is that they provide a new way of making money .,positive +"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 .",positive +The parties have agreed to negotiate definitive distribution and license agreements by the end of June 2010 .,positive +Status : Agreed,neutral +long $AAPL 107 calls @ .40,positive +"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 .",neutral +Tesla issues its first Model X recall https://t.co/t1kMqVwhQQ $TSLA,negative +REFILE-UPDATE 4-Britain's Lloyds to pay first dividend since rescue,positive +what is up with $HK..... from Jan to now it's been a sinking ship...,negative +"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 .",neutral +The deliveries started in April 2006 and will be completed in 2007 .,neutral +"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 .",neutral +"For Teleste , the acquisition marks an entry into services business in a market where it has long been an established and significant supplier of products .",positive +18 March 2010 A leakage in the gypsum pond was detected today at the Talvivaara mine .,neutral +FTSE edges up as investors cheer Kingfisher results,positive +Pohjola will act as the manager of the issue and the bond will be listed on NASDAQ OMX Helsinki Ltd. .,neutral +Starbucks shares down as much as ~4.2% $SBUX https://t.co/JlgrprR54k,negative +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 .,neutral +"Other measures included increasing synergies and economies of scale within the Grimaldi Group and personnel adjustments , divestments and redelivery of excess tonnage .",neutral +"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 .",neutral +Standard Chartered's Shares Plunge 7% After Fitch Downgrade,negative +"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 .",neutral +GlaxoSmithKline starts hunt for successor to CEO Witty,neutral +"`` 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 .",neutral +London Stock Exchange – Deutsche Boerse merger under threat from Brexit,negative +"After the transaction , Herttaassa 's holding in Alma Media has fallen below the flagging limit of 5 % .",neutral +The company specialises in temporary electrification and heating at construction sites .,neutral +The diluted loss per share narrowed to EUR 0.27 from EUR 0.86 .,positive +"The gross area of the Innova 2 project will be about 10,000 sq m ( 107,600 sq ft ) .",neutral +"`` 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 .",neutral +"We offer our clients integrated management consulting , total solutions for complex projects and efficient , best-in-class design and supervision .",neutral +The results will enable the preparation of a conceptual plant design and capital estimates .,neutral +$MA http://stks.co/1CYN continues to consolidate / base here,positive +The company did not distribute a dividend in 2005 .,neutral +"The total investment in the company will be EUR58m , of which Wartsila 's share will be EUR29m .",neutral +The project is expected to be completed in 2009 .,neutral +"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 .",neutral +The Group 's order portfolio decreased from EUR 42.9 mn in 9-2007 to EUR 33.3 mn in 2-2008 .,negative +"The study is expected to provide proof of pharmacodynamic activity in humans , corroborate the safety profile and establish dose ranges for further therapeutic studies .",neutral +$KITD Looking for a oversold bounce.,positive +"Pre-tax loss totaled EUR 0.3 mn , compared to a loss of EUR 2.2 mn in the first quarter of 2005 .",positive +"Metrics in QPR ScoreCard now support date , text and milestone-based values , which improve its support for managing projects around performance or process-related content .",positive +Key level to watch in $FB for today is 25.53-- watching to see if it can hold as support http://stks.co/bOH4,neutral +The pretax profit of the group 's life insurance business increased to EUR 36 million from EUR 27 million .,positive +Actions to improve operational efficiency and adjust operations are expected to deliver annualised permanent cost savings of around EUR 4.5 million and will be effected mostly during the first half of 2010 .,positive +The policy was also aimed at making the companies more profitable and competitive .,positive +The use case dramatically narrows if you go only with the hot s Ltd.,neutral +The offer represents a premium of 24 % over the stock 's closing price on Friday .,positive +"Earnings per share EPS are seen at EUR 0.56 , up from EUR 0.38 .",positive +The value of the orders is over EUR 25mn .,neutral +"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 .",neutral +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 .,neutral +"` 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 .",positive +The share of the share capital of both above mentioned shareholders remains below 5 % .,neutral +"$QCOM chart: Qualcomm Short 61.8% Retracement, Trendline and Resistance. https://t.co/2WQqh35KOY",negative +Olli-Pekka Kallasvuo was elected as vice chairman of the Board .,neutral +Efficiency programs totalling 100 million euros are under way in Finnair .,positive +"In Penttil+ñ 's vision , the most important reason for the transaction is Russia .",neutral +"In January-August 2009 , imports by sea in container , lorry , and trailer units fell by 27.7 % and exports by 28.6 % from the corresponding period in 2008 .",neutral +"The transaction covers a building lot of 46,763 sq m and factory buildings of 19,631 sq m. Since the autumn of 2007 , when Scanfil discontinued its production operations in Oulu , the facilities have been partly leased to other parties .",neutral +$SKX turning. Coming from far could go far. Stock price implies you pay nothing for the business,positive +"For 2009 , Incap expects revenue of some EUR 70 million .",neutral +Carnival Corporation and China Merchants Group Sign Memo of Understanding ...,positive +"The stock price rose 70.0 ores or 0.9 % to close at SEK77 .65 , ending a two-day streak of losses .",positive +According to the announcement of the Helsinki Stock Exchange the share of Sentera shall be delisted from the NM-list of the Helsinki Stock Exchange accordingly .,neutral +"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 .",neutral +Vacon controls a further 5 % of the company via investment fund Power Fund I. EUR 1.0 = USD 1.397,neutral +The aim of the bridge solutions chosen is to minimize construction times while ensuring that traffic beneath the bridge on the Saimaa canal continues undisturbed .,neutral +The technology park will be built near St. Petersburg-based Pulkovo airport .,neutral +"$STX long play, another consistent profit zone.. check it out https://t.co/DQfuzOzYlh https://t.co/ggne4ayzqn",positive +The value of the orders is about EUR 25mn .,neutral +Talentum acquired a 47.5 pct stake in Varesvuo Partners in 1997 and the remaining in 2002 and 2005 .,neutral +"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 .",positive +Commission income rose by 25.7 % to EUR 16.1 mn from EUR 12.8 mn in 2004 .,positive +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 .,positive +"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 .",neutral +"Look out for vintage fabric cushion covers , '70s coffee pots , ceramic serving dishes , cocktail glasses , and stainless steel party dishes .",neutral +"Cargo traffic fell 1 % year-on-year to 8,561 tonnes in September 2009 .",negative +"CapMan has four investment areas ( CapMan Buyout , CapMan Technology , CapMan Life Science and CapMan Real Estate ) , and each of them has a dedicated team .",neutral +Kershaw takes up the position with immediate effect from her previous role as marketing manager of Sankey Home & Garden Products .,neutral +Deliveries by Outotec will take place over 30 months .,neutral +Net profit was 35.5 mln compared with 29.8 mln .,positive +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 .,neutral +RT @tomhend777 $MU needs to hold here -Broken for now. Needs big flush. Still not technically oversold so now big bounce yet,neutral +The optimization of the steel components heating process will reduce the energy consumption .,positive +"M-real Corporation Stock Exchange Announcement 29 September 2006 at 4.15 p.m. Kyro Corporation and M-real Corporation , a Metsaliitto Group subsidiary , have agreed on an arrangement which gives M-real option to purchase the Kyroskoski natural gas powerplant from Kyro .",neutral +i-Grid shows $DIA capped for the long term at range of 123.40- 124.77;any rally beyond today's levels or into this range leads to meltdown.,negative +"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 .",neutral +"Press release 9 October 2009 Ruukki has signed a contract to deliver and install the steel structures for a bridge over the Kyronsalmi strait in Savonlinna , Finland .",positive +"After non-recurring items of EUR 177mn , profit amounted to EUR 20mn .",neutral +"Profit for the period totalled EUR 1.1 mn , down from EUR 1.6 mn in the third quarter of 2008 .",negative +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 .,positive +"However , its market share shrank to 47.59 per cent from 48 per cent a year earlier .",neutral +"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 .",negative +"Stora Enso 's business in North America has annual capacity of about 3 million tons and employs about 4,350 people .",neutral +"That address also happens to house Italian megamart Eataly , meaning that `` Come on , kids , we 're going to the Toy Building ! ''",neutral +"`` 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 .",positive +"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 .",negative +Sales boost for new Morrisons chief David Potts as Tesco turnaround stalls,negative +"Also Finnish Industry Investment , a government-owned investment company , will participate in the project .",neutral +"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 .",neutral +"In 2009 , Comptel slipped to a net loss of EUR2 .1 m from a profit of EUR6 .6 m in the previous year .",negative +`` Those uncertainties cloud the long-term outlook . '',neutral +hu will offer a further discount of between 25 % and 50 % on selected books .,neutral +A quick `` one-stop-shop '' to understand the company .,neutral +$UBNT still having some trouble at the resistance line. Should resolve soon.@cheri1 @strattonite http://stks.co/c0sU4,neutral +Johnson Matthey profit falls but dividend rises,neutral +"$CNDO 21% short float, shorts likely to take profits into close",negative +Europe needs 17 new large paper machines .,neutral +European traffic grew nearly 30 % .,positive +"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 .",neutral +The total value of the deal is USD 29mn .,neutral +"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 .",positive +"Byline : Tim Moran Cellular phone giant Nokia Corp. is offering $ 8.1 billion for digital map supplier NAVTEQ Corp. , of Chicago .",neutral +Why not give your bedroom a cool makeover for summer .,neutral +Turnover rose to EUR21m from EUR17m .,positive +Britain's FTSE gets lift from Prudential results,positive +"The total investment necessary will be EUR40m , the company estimated .",neutral +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 .,neutral +"FinancialWire tm is a fully independent , proprietary news wire service .",neutral +"Operating profit totalled EUR 1.22 mn , down from EUR 3.56 mn in the first quarter of 2008 .",neutral +The proportion of Estonian and Lithuanian passengers on the Tallinn-Helsinki route also grew in July .,positive +"Operating profit totaled EUR 3.8 mn , down from EUR 4.5 mn in the corresponding period in 2005 .",neutral +The exercise originated in Finland in the early 1930s as a training method for cross-country skiers .,neutral +The writing and publication of Lemmink+ñinen -¦ s history is a continuation of earlier collaboration between Antti Tuuri and the company .,neutral +"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 .",positive +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 .,neutral +"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 .",neutral +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 .,neutral +"Copper , lead and nickel also dropped ... HBOS ( HBOS ) plummeted 20 % to 70.3 pence after saying this year+ó ??",negative +As a result some 20 persons will no longer be needed .,neutral +$BBRY Actually lost .03c per share if U incl VZ as no debt and 3.1 in Cash.,negative +Why $MCD looks set to fall further. http://stks.co/f2fgj,negative +Swiss franc surged to record 1.42 euros after it reported sharpest gain in manufacturing in March .,positive +AstraZeneca's patent on asthma drug invalidated by US court,negative +Finnish Bank of +àland +àlandsbanken has issued a profit warning .,neutral +"According to Tyrv+ñinen 's estimation , Japan is a very essential location in terms of Finnair 's Asian strategy .",neutral +"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 .",neutral +"OVA Press has a 60 % stake in the joint venture , while IMSM holds a 40 % stake .",neutral +EPS dropped to EUR0 .2 from EUR0 .3 .,neutral +It is a disappointment to see the plan folded .,negative +Standard Life share price: Insurer buys advice firm Pearson Jones,positive +Nokia and Elisa will work together to bring a superior mobile gaming experience for Elisa customers .,positive +"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 .",neutral +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 .,positive +Bertrand Sciard has been the vice chairman of the board of directors of Aldata Solution since April 2007 .,neutral +"Unlisted British Biologicals makes B - and D - proteins , and other disease-specific supplements that cover diabetes , hepatitis , asthma and other cardiovascular ailments .",neutral +TELE2 Affarsvarlden gave a `` buy '' recommendation on mobile operator Tele2 AB and a share price target of 142 crowns ( $ 23.54 - 15.19 euro ) .,positive +Amazon to attack UK grocery market with Morrisons deal,positive +"Following the transaction , Tulikivi restructured its operations into the Soapstone Fireplaces Business , Natural Stone Product Business and Ceramic Products Business units .",neutral +Mr Kivimeister said John Deer former Timberjack stands to win in the situation : it controls around 60 % of Estonia 's forest machinery market .,positive +$SPPI..building RS. Sweet. I want this to break a new 52week. The earnings growth justifies way higher,positive +"We are glad that our long co-operation with SODRA continues '' , comments Stig-Goran Sandberg , Affecto 's Area Manager for Baltic operations .",positive +"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 .",positive +$UUP at major resistance right now. Can go much higher if it can break above. May take several attempts - few days to a week,positive +"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 .",positive +The measures result from weak demand in the shipbuilding industry .,neutral +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 .,neutral +"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 .",positive +"The connectivity unit has more than 100 e-invoice customers , and the number of annual transactions stands at nearly one million .",neutral +The energy shot is packed in a 100-millilitre bag with a screw cap .,neutral +"RAPALA TOURNAMENT FISHING : With all the major titles already out for the holidays , bargain-priced games such as Rapala aim for a smaller audience .",neutral +"AHMS will also offer Hotel and Hotel Project Consultancy , Management Services , Brand Franchise , Training and Sales and Marketing services on a pan-India basis .",neutral +`` People who enjoy mobile games are often the same customers who enjoy experimenting with new mobile services and content .,neutral +"Presentation materials will be posted on the company 's website : www.seahawkdrilling.com in the `` Investor Relations '' section , on the `` Webcast & Presentations '' tab .",neutral +All reproduction for further distribution is prohibited .,neutral +"In Sweden , operating profit for the period under review totaled EUR 3.4 mn , up 30.8 % from the corresponding period in 2005 .",positive +"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 .",neutral +"As a result , a total of 82 employees would be given notice .",neutral +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 .,positive +The talks are aimed at restructuring operations and cutting costs .,positive +"Aug. 17 , 2010 ( Curbed delivered by Newstex ) -- And now , the latest from Racked , covering shopping and retail from the sidewalks up .",neutral +Legal & General share price: Finance chief to step down,negative +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 .,negative +"`` That 's a very high figure on the European scale , '' Noop said , recalling however that this also includes beer bought by Finnish tourists .",neutral +The new organization consists of two business units : Charging & Messaging and Finance & Administration .,neutral +"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 .",neutral +"Sheryl Sandberg Sells 109,000 Shares of Facebook Inc $FB Stock https://t.co/3vXT7AMnpk via @RatingsNetwork",negative +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 .,neutral +Oriola-KD is a spin-off of Finnish pharmaceutical group Orion Oyj 's wholesale division .,neutral +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 .,negative +Interest Heats Up for @Yahoo $YHOO - The Wall Street Journal https://t.co/j5jVjI9bia,positive +$LNT Increases Annual Dividend Target to $1.80/Share from $1.70/Share,positive +"Agricultural newspaper Maaseudun Tulevaisuus had 318,000 readers , representing a decrease of 6 % .",neutral +The objective of the planned measures is to achieve significant savings in the next few years .,positive +"UPDATE 1-AstraZeneca buys ZS Pharma for $2.7 billion, pips Actelion",positive +The plan is estimated to generate some EUR 5 million ( USD 6.5 m ) in cost savings on an annual basis .,positive +Loss for the period totalled EUR 15.6 mn compared to a profit of EUR 6.3 mn in 2008 .,negative +Diluted earnings per share ( EPS ) rose to EUR 1.05 from EUR 0.64 .,positive +"According to Gran , the company has no plans to move all production to Russia , although that is where the company is growing .",neutral +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 .,positive +$GS sells flat..I am out..,negative +Whitbread boss Andy Harrison defends sales fall as 'just a blip',negative +"Operating profit totaled EUR 6.7 mn , down from EUR 7.2 mn in the corresponding period in 2005 .",negative +Royal Mail turnaround proving expensive in tough UK market,neutral +"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 .",positive +@catskillfishing Note the monthly chart of $GDX & how it recaptured support. $GLD possible double bottom set up. http://stks.co/aw6z,positive +"UK 's Sarantel to outsource part of its processes to Elcoteq plant in Estonia LONDON , Oct 13 , BNS - The British miniature antennas maker Sarantel has signed an agreement to outsource its assembly test and supply chain processes to the plant of Elcoteq in the Estonian capital Tallinn .",neutral +"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 .",neutral +Stora Enso 's third-quarter pre-tax profit doubled to EUR 197mn .,positive +"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 .",neutral +$LINE biggies must be loading up here at lows..,positive +"By the end of 2006 , the number of joint branch offices will total 170 .",neutral +"The acquired plant has an annual capacity of some 300,000 tonnes and most of its production is sold to domestic customers .",neutral +Production will expand to other of Elcoteq 's locations including Mexico and Hungary during 2010 .,positive +$PLUG bear raid,negative +This includes a EUR 39.5 mn change in the fair value of investment properties .,neutral +"( 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 .",neutral +It is expected to be completed by the end of 2007 .,neutral +Airvana 's UMTS Home Base Station femto cell uses software-based functionality and off-the-shelf silicon to accelerate feature development and reduce product cost .,positive +The new name of the Sanoma Division will be Sanoma News .,neutral +The changes in readership were not significant .,neutral +The Boeing Company (NYSE:BA) Bearish Trader bets $550K that Stock Will Sell Off 9.79% by July Expiry $BA http://stks.co/tCSE,negative +A few employees would remain at the Oulu plant in support functions for other group units .,neutral +"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 ) .",neutral +Glencore Studies Possible IPO for Agricultural Trading Business,positive +He said : `` It is for sale again and we will be actively marketing it .,neutral +"Savon koulutuskuntayhtyma , Finland based company has awarded contract for specialist agricultural or forestry machinery .",positive +It offers advanced machinery maintenance and process development services to the pulp and paper industry in Northern China .,neutral +"In Finland 's Hobby Hall 's sales decreased by 10 % , and international sales fell by 19 % .",neutral +British American Tobacco first-half sales hurt by currency moves,negative +Petrofac share price rises despite £30m costs on North Sea project,neutral +"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 .",positive +"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 .",neutral +"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 .",neutral +"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 .",positive +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 .,neutral +Just stumbled upon this amazing chart - $OFIX - holy guac. SUPER overbought. http://stks.co/e0PX1,negative +Operating profit fell to EUR 6.2 mn from EUR 8.5 mn in the third quarter of 2007 .,neutral +"As a result , 12 people will be made redundant and a total of 67 persons are laid off temporarily .",neutral +The value of the order is USD 2.3 mn .,neutral +"As a result , the distribution companies will start to distribute , in addition to their current product offering , Shimano reels , rods and other Shimano fishing tackle products on an exclusive basis .",positive +"In Finland 's Hobby Hall 's sales decreased by 10 % , and international sales fell by 19 % .",negative +The agreement must be approved by the Russian competition authorities before it enters into force .,neutral +The airline 's share price closed down slightly at ( x20ac ) 12.51 ( $ 15US .74 ) in Helsinki .,neutral +The Finnish company previously said its operating result will be lower than the break-even posted a year earlier .,negative +$TSLA recall model X https://t.co/b7izYa4BuE,negative +About Dopplr Dopplr is a service for smart travellers .,neutral +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 .,positive +"`` While concerns remain longer term , size and scale may enable Nokia to hold on to its newfound margin improvements in the near term , '' the analyst wrote .",positive +$AAPL Nice RSI 33 bounce at 9:58,positive +$ISR- @IsoRay Up 6% and high on volume http://stks.co/iFpo #biotech,positive +"Operating profit for the 12-month period decreased from EUR157 .5 m , while net sales increased from EUR634 .3 m , as compared to 2007 .",neutral +"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 .",neutral +GKN to buy Fokker Technologies for 706 mln euros,positive +CompaniesMeggitt profits hit by weak energy and military markets,negative +"The Finnish business delegation includes representatives from over 20 companies that include Nokia Corp , Finnfund , Outokumpu Oyj , OKO Bank , Alteams Oy and Cargotec Corp. .",neutral +Earnings per share ( EPS ) amounted to a loss of EUR0 .38 .,neutral +Earnings per share EPS rose to EUR 0.11 from EUR 0.03 .,positive +Diluted earnings per share ( EPS ) rose to EUR 3.68 from EUR 0.50 .,positive +"In this case , the effect would be negative in Finland .",negative +This release is not an offer of securities for sale into the United States or elsewhere .,neutral +"City24 users can search for homes and properties in all areas where City24 is active , even outside their own country .",neutral +Both Mr Walden and Mr Ignatius will be responsible also for the newspapers ' business result .,neutral +"Because the application can be considered as a hacking application , it is classified by F-Secure as riskware .",neutral +"However , the net sales declined to EUR 803.6 million from EUR 1.2 billion .",neutral +The new SEPA cads will replace Finnish bank cards .,neutral +"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 .",neutral +"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 .",positive +Finnish automation solutions developer Cencorp Corporation ( OMX Helsinki : CNC1V ) issued on Thursday ( 18 September ) a profit warning for the third quarter of 2008 .,negative +"09:01 AM $AKS DJ AK Steel Revenue Rises 36% on Auto Sector Demand, Acquisition",positive +$SBUX heading for the 200DMA and certain doom if it can not hold there.,negative +"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 .",neutral +$TZOO a close above 28.64 and we are ready to rock and roll,positive +Strand Associates is expanding its Madison corporate headquarters with space to add about 100 employees to the engineering firm .,positive +"Tectia Corporation HEL : TEC1V , a provider of real-time security solutions , today announced that it has appointed LAN2LAN , a provider of IT services in the UK , to distribute its data security and manage file transfer software .",positive +$GDX $GDXJ $JNUG - strong move today for the Junior Gold Miners - keep an EYE out for a gap fill -,positive +"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 .",neutral +"According to the Latvian business register , Uponor Latvia closed in red with LVL 99,000 EUR 139,538.17 USD 194,556.48 on turnover of LVL 2.346 mn for 2009 .",neutral +"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 .",neutral +Consolidated pretax profit decreased by 69.2 % to EUR 41.0 mn from EUR 133.1 mn in 2007 .,neutral +Another noticeable thing is that the search for Tata and Airtel brands was mostly related to ` broadband connections ' .,neutral +"The negotiations concern personnel of Cencorp Corporation and Singulase Oy as whole in Finland and in Sweden , the company said .",neutral +"- Inge Larsen (CFO), 29,045 shares , representing 0.50 % of the share capital .",neutral +The business development initiatives in North America are headed by Lynn Shanahan .,neutral +Britain's FTSE forges ahead as Shire surges,positive +The company also equipped the sculptural complex Rabochy i Kolkhoznitsa A Worker and a Collective Farmer in Moscow with snow melting system .,neutral +`` Leipurin is a growing and rapidly internationalizing Group .,positive +The project also implies an underground parking lot for 56 vehicles .,neutral +"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 .",neutral +"Of this , EUR 38.8 mn was net interest income .",neutral +"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 .",neutral +"`` Korean consumers are tech-savvy and leading the pack in terms of design , '' Gill Hyun-chang , president of Motorola Korea Inc. , told Dow Jones Newswires in an interview .",neutral +$EFUT hod posted buy pm at $4.40,positive +"There has been some recovery of the base metals prices and increased demand for metals in China , however .",positive +looks like a big feb 18-22 $put spread on $cree. Last quarter 0% YoY rev growth trading @ 24x earnings. I may try a short.,negative +"According to Pietinalho , doctors should motivate their patients who smoke every time they visit their doctors .",neutral +"The third quarter result also includes a 400,000 euro ( $ 575,000 ) provision for down-sizing of lure manufacturing in Ireland .",neutral +"Finnish investor Scanfil Oyj ( HEL : SCF1V ) said last Friday it has bought 57 million shares , or 32.96 % , in Norwegian contract electronics manufacturer Kitron ASA ( OSL : KIT ) for NOK 143.9 million ( USD 24.4 m-EUR 18.1 m ) .",neutral +OP-Pohjola Group 's capital adequacy ratio under the Act on Credit Institutions stood at 12.1 % and Tier 1 ratio at 12.1 % .,neutral +$EDU bouncing nicely after add-on (posted),positive +Almost the entire office building will be occupied by Metso .,neutral +stores 16 March 2010 - Finnish stationery and gift retailer Tiimari HEL : TII1V said yesterday that it will cut a total of 28 jobs in its units Tiimari Retail Ltd and Gallerix Finland Ltd as a result of the closure of shops .,neutral +The interchange of Editors-in-Chief is a part of publisher 's goal to enhance job circulation in all personnel groups .,neutral +$COST Costco less than stellar day but it held the 50 day moving average,negative +"`` The implementation of these programs has had , and will have , negative impacts on 2006 and 2007 earnings , '' Mr Meiklejohn said .",neutral +The Finnish daily Kauppalehti surmises that Finnish supplier Rautaruukki has raised its prices above Aker 's comfort zone .,negative +Dutch publisher De Vijver said today it has agreed to buy a 49 % stake in Belgian weekly magazine Humo from Finnish media company Sanoma HEL : SAA1V .,neutral +The deal was worth about EUR 1.2 mn .,neutral +"`` 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 .",neutral +"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 .",positive +"Ahlstrom 's 5,800 employees serve customers via sales offices and production facilities in more than 20 countries on six continents .",neutral +"Professional and consumer applications include personal navigation , personal safety , field and workflow management , and asset tracking .",neutral +Both companies will keep their commercial independence and continue to market their traditional products individually .,neutral +Scanfil expects net sales in 2008 to remain at the 2007 level .,neutral +"The inaugural speech will be given by Hannu Kyrolainen , Finland 's Ambassador to the Czech Republic .",neutral +"It now owns 80,565 shares in Amer Sports Corporation , equaling 0.11 % of the company 's share capital and voting rights .",neutral +Peer Peugeot fell 0.81 pct as its sales rose only 6.3 pct from the same period last year .,negative +Rolls-Royce Wins $9.2 Billion Order From Emirates Airline,positive +$AAPL Right back in ... - Buy the dips brought to you by CNBC. LOL,positive +Glencore sees Tripoli-based NOC as sole legal seller of Libyan oil,neutral +"Rapala VMC Corporation Rapala , a leading fishing tackle and sporting goods manufacturer and distributor , is the main owner of Peltonen with its 80 % shareholding .",neutral +Aspo 's net sales in 2006 totaled EUR 225.9 million .,neutral +The full-function PC weighs 1.25 kilograms and measures slightly more than two centimeters thin .,neutral +Other details were not provided .,neutral +"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 .",positive +"Finnish Ahlstrom Corporation will double its investments in a new specialty glassfiber reinforcement plant in South Carolina , in the US .",positive +"Originally posted to the PCMag.com security blog , Security Watch .",neutral +"The effect may remain short-lived , however .",neutral +$AMD big dumping... would not touch it for a while,negative +Teleste was set up in 1954 and is divided into Broadband Cable Networks and Video Networks business areas .,neutral +Stora Enso owns 43 percent of Bergvik and earns therefore SEK 1.5 bn on the value appreciation .,positive +"The contract covers installation , training and start-up services .",neutral +Operating cash flow after investments totalled EUR 61.3 mn compared to EUR 75.3 mn in the corresponding period in 2007 .,neutral +Aspo 's Group structure and business operations are continually developed without any predefined schedules .,neutral +"As an alternative to the share exchange , Panostaja offers a full cash consideration at the value of 1.27 euro $ 1.7 per share .",neutral +Operating profit rose to EUR 5mn from EUR 2.8 mn in the fourth quarter of 2008 .,positive +"In Finland , Hamina Cargo Terminal , of Finnish Nurminen Logistics , has purchased a warehouse with ground lease rights in the Port of Hamina .",neutral +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 .,positive +"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 .",neutral +`` Residentialconstruction in particular has picked up in several markets .,positive +"`` 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 . ''",positive +Surprising to see $JWN and $SKS sales numbers still holding up so well. I guess the high end might not be a concern after all.,positive +"We look forward to take part in the future development of the company , '' says Tomas Billing , President of Nordstjernan .",neutral +"The company 's set of services include digital printing , printing preparation , offset-printing , after-treatment services and send out services .",neutral +"The estimated turnover of the new company is LVL 2,5 million EEK 40 million .",neutral +"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 .",positive +The company aims to maintain this trend in profitability during the current year .,positive +The acquisition of AVC Systemhaus and the majority stake in Cableway will increase the number of Teleste personnel by 250 .,neutral +Kemira shares closed at ( x20ac ) 16.66 ( $ 22US .71 ) .,neutral +Operating profit rose to EUR 26.7 mn from EUR 14.9 mn in the corresponding period in 2006 .,positive +Cash flow from operating activities is estimated to be positive .,positive +$aapl key is to breakout above 460 on solid volume or else it's a no trade for now,positive +"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 ) .",neutral +Stora Chief Executive Jouko Karvinen has described the Russian tariff hikes as a threat to the future of the forest products industry in Finland .,neutral +The situation of coated magazine printing paper will continue to be weak .,neutral +"Honkarakenne also decided yesterday to sell 88,500 of its B-series shares to key staff members for EUR 2.90 per share .",neutral +"Currently Glaston employs approximately 1,500 persons .",neutral +"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 .",neutral +Ocwen Reaches Settlement With California Regulator,positive +$PPG Descending triangle but I am liking it for an upside break http://stks.co/o9nY,positive +"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 .",neutral +"FTSE 100 falls as China devaluation hits Burberry, mining stocks",negative +The Finnish company previously said its operating result will be lower than the break-even posted a year earlier .,neutral +Rimi supermarket is the key customer in Magistral center .,neutral +"When cruising , the revs fall as less engine output is required .",neutral +"FDA panel backs safety updates for AstraZeneca, Takeda drugs",positive +"Founded in 2000 , BioView automates laboratory tests , especially diagnostic tests for cancer .",neutral +$AAPL Now I'm glad I got stopped out of my $113 weeklies when I did. Will re-enter next Monday for the #earnings run-up.,neutral +"$NFLX small pos, short 180 wkly puts.",negative +Registration is required .,neutral +No financial details were available .,neutral +Almost two thirds of Olvi 's net sales come from outside Finland .,neutral +"From 2003 on , the emphasis of Kyro 's strategy has been on Glaston 's growth .",neutral +Rivals say Qualcomm has fewer patents on 3G phones than on earlier versions and should lower its rates .,negative +Market share decreased on the route between Helsinki in Finland and Tallinn in Estonia by 0.1 percentage points to 24.8 % .,negative +The event can also be viewed as a live webcast at www.cargotec.com .,neutral +Sales of clothing developed best .,positive +GlaxoSmithKline share price slips as FDA okays asthma therapy only for adults,negative +No financial or pricing details were disclosed .,neutral +"According to Swedish authorities , traces of the very toxic osmium tetroxide have been found on the coast of Per+ñmeri , the Northernmost part of the Gulf of Bothnia .",negative +Basware finances the acquisition with a bank loan .,neutral +"Should you buy Associated British Foods plc, Great Portland Estates plc and Dunelm Group plc following today's news?",positive +"$AAPL a new long IF 110.61 is broken. Targets are 112.19, 119.86 & 123.82. Bears must retake 102.77. $QQQ $NQ_F $NDX https://t.co/6l3m1wXChw",positive +"Tekla 's defense business employs over 20 persons and is located in Espoo , Finland .",neutral +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 .,negative +"Additionally , information on business segments , competitors and future outlook are provided .",neutral +Cramo Group 's financial targets for 2010-2013 are sales growth higher than 10 percent per year ; return on equity above 15 percent .,positive +$BAC in for swing trade looks like want go up,positive +"$SPY Less than 0.2% down and people are calling it bearish. Some heading for exits already. Maybe 1% down will be ""the crash""? Disturbing!",negative +No blind-spots coming from 1 vantage point allows investigators to see the whole story in high resolution with no unbroken video .,neutral +It therefore seems that Finnish shipping company Viking Line will get the subsidy it needs to order its new LNG-fuelled vessel .,positive +"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 .",negative +The cooperation will double The Switch 's converter capacity .,positive +"Finnish P+Âyry has been awarded an engineering contract by CFR , the national railway company of Romania .",positive +Look at that $AMZN > 600,positive +"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 .",neutral +"ADPnews - Jun 30 , 2009 - Finnish stainless steel maker Outokumpu Oyj HEL : OUT1V said yesterday it signed a three-year EUR 900 million USD 1.3 bn revolving credit facility .",positive +The company does not disclose the sum it applied for .,neutral +"The total scholarship amount was 40,000 euros and the recipients were chosen on the recommendation of fine arts universities and sports associations .",neutral +"Pretax profit totaled EUR 9.0 mn , down from EUR 36.3 mn in 2007 .",negative +The difference can be explained by the fact that two shipping companies have stopped operating in the Gulf of Finland .,neutral +"Commission income decreased to EUR 3.8 mn , compared to EUR 4.6 mn in the third quarter of 2007 .",negative +$VOLC THIS STOCK HAS A VERY VERY VERY VERY VERY HIGH PROBABILITY OF RALLYING TOMORROW AND/OR EARLY NEXT WEEK,positive +"The market value of one crane is some USD6m , reported the Finnish news agency STT .",neutral +"The corresponding increase in the share capital due to these subscriptions with the warrants , in total EUR 1,860.74 , was registered with the Finnish Trade Register on January 4 , 2008 .",neutral +"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 .",negative +"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 .",positive +Activision Blizzard Media Networks Announces Record #Esports Viewership https://t.co/729BiqLbtK $ATVI partnered with $HDSI for 9 #tournament,positive +"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 .",neutral +"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 .",positive +"Stora Enso , a global paper , packaging and wood products company , and Neste Oil , a Finnish company engaged in the refining and marketing of oil , have inaugurated the demonstration plant at Varkaus , Finland for biomass to liquids production utilizing forestry residues .",neutral +"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 .",neutral +"Finnish Suominen Flexible Packaging is cutting 48 jobs in its unit in Tampere and two in Nastola , in Finland .",neutral +This is the company 's first contract abroad .,neutral +Why put up costly cell phone towers in thinly populated areas when a few balloons would do ?,neutral +The company admits that 36 months is a relatively short time when operating in Russia .,neutral +Export declined by 6 percent to 16.4 million liters .,negative +Operating profit fell to EUR 15.1 mn from EUR 24.6 mn in 2006 .,negative +"We have also cut our price projections for paper and packaging , '' an analyst with Goldman Sachs said on a note on Monday .",negative +$LEE http://stks.co/24kM LEE ready to exit bankruptcy. Strong volume today.,positive +"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 .",positive +The new activity will incur an investment of about 5 MEUR .,neutral +"Tip of the week Panfish like bluegills are great fun to catch , especially for children new to fishing .",neutral +"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 .",neutral +Added long at friday close $SPY $LABU $BLUE $AMZN,positive +The company continued the development of a fully human antibody in its VAP-1 antibody program .,neutral +BRIEF-Legal & General's retirement business books 4 billion stg H1 sales,positive +Okmetic 's silicon wafers are part of a further processing chain that produces end products that improve human interaction and quality of life .,neutral +"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 .",positive +"In addition , the production at the Varpaisj+â rvi factory will be stopped at the beginning of April 2009 .",neutral +GSK joins China trade push as UK trumpets healthcare deals,positive +These module products will be available for trials during 3Q-07 and for volume deliveries during 4Q-07 .,neutral +"Operating loss totalled EUR 0.9 mn , down from a profit of EUR 2.7 mn .",neutral +LONDON AFX - Fortum said it has agreed to sell its industrial maintenance service operations to funds managed by CapMan for an undisclosed sum .,neutral +Global Banking News - 28 September 2010 Tieto Corporation and Pohjola Bank ( PINK : POJLF ) are to cooperate on SWIFT services .,positive +The current reference grade instruments are challenging to operate due to their high price and complexity for routine use .,neutral +UPDATE 1-Dairy Crest loses a third of Morrisons milk contract,negative +Deutsche Bank Downgraded Starbucks Co. $SBUX https://t.co/QqlEvVwPMV https://t.co/f2PdQjuTHa,negative +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 '' .,positive +"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 .",positive +No financial details of the deployment were disclosed .,neutral +"At some point , it will spread also to Iran and Iraq .",neutral +Pretax profit totaled EUR 4.9 mn compared to EUR 5.2 mn in the first quarter of 2005 .,neutral +Talvivaara is listed on the London Stock Exchange Main Market and NASDAQ OMX Helsinki and is included in the FTSE 250 Index .,neutral +The sales price was not disclosed .,neutral +The value of the total investment is about EUR 600mn .,neutral +The availability of the Internet services is highlighted in the service offer of Kesko 's K-Group stores .,neutral +"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 .",neutral +Profit for the period fell to EUR 1.6 mn from EUR 7.5 mn in January-September 2008 .,neutral +End Of Day Scan: Stochastic Overbought $JDST $FREE $BLRX $LPG $AFSI $DVAX $HDGE $AHT $ALR $ASMB www.dailystockplays.com,negative +"ALEXANDRIA , Va. , Jan. 9 -- United States Patent no. 7,862,685 , issued on Jan. 4 , was assigned to Kemira Chemicals Inc. ( Marietta , Ga. ) .",neutral +"As part of the reorganization , Kauko-Telko Ltd will be divided into Telko Ltd , Leipurin Ltd , Hamina Terminal Services Ltd and Kaukomarkkinat Ltd. .",neutral +"CompaniesNew Aggreko CEO to reshape business, strip costs",positive +"Germany 's innovational centers are united in focusing at companies , which aim at use of technologies and development of new kinds of activity , through supporting the beginner companies with the entire spectrum of their services .",neutral +"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 .",neutral +AstraZeneca sells Caprelsa rights to Sanofi unit,positive +what #stocks large players are selling http://stks.co/t0Vel $CROX $GOGO $INO,negative +The carrier said its Area travel agency is to sell most of its outlets to sister chain Suomen Matkatoimisto (SMT)and use its remaining bricks-and-mortar presence to primarily target business customers going forward .,neutral +"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 .",neutral +EU regulator backs approval for GSK injectable asthma drug,positive +$AAPL 620 resistance area,neutral +"---------------------------------------------------------------------- -------------- Munich , 14 January 2008 : BAVARIA Industriekapital AG closed the acquisition of Elcoteq Communications Technology GmbH in Offenburg , Germany , with the approval of the",neutral +"Technopolis , St. Petersburg 's Telecommunications University and the Russian Support Fund for Legislative Initiatives signed a protocol of intent in May of this year to set up a technopark in St. Petersburg on the base of the St. Petersburg Telecommunications University .",neutral +Finnish property investment company Citycon plans to issue directed subordinated convertible bonds to institutional investors .,neutral +Aspocomp intends to set up a plant to manufacture printed circuit boards with an investment of Rs310 crore .,neutral +"If needed , she provides also further information on ferry connections and hotels .",neutral +"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 .",positive +"Private equity investor CapMan , the owner of Finnish Lumene cosmetics company , is planning to list Lumene .",neutral +"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 .",neutral +"EXCLUSIVE-BP, China's CNPC to unveil oil alliance - sources",positive +Yakima created the position for him after emerging from economic downturns of its own .,neutral +$AAPL short some 592.49,negative +Lloyds to cut 945 jobs as part of three-year restructuring strategy,negative +$AMRN You can many times find top and bottoms when shorts start rejoicing or bulls start rejoicing. Currently it is the shorts rejoicing,negative +Grounds for the notification : Tiimari Plc 12/30/2010 issued Capital Convertible Loan allocation decision by the Board on 01/31/2011 .,neutral +This organization will assume the responsibility for operations in Russia .,neutral +"The Swedish Maritime Administration has closed the Furusund Channel , which Viking Line normally charters en route to Stockholm .",neutral +"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 .",neutral +"The buildings , with about 40 condominiums each , will be built in 4 or 5 stages .",neutral +Barclays PLC & Lloyds Banking Group PLC Are The 2 Banks I'd Buy Today,positive +"In Finland , Martela offers a comprehensive service that can cover the entire process of change from initial inventory and design to removal and maintenance .",neutral +"Tesla Motors recalls 2,700 Model X SUVs $TSLA https://t.co/F55dx4aegI",negative +The company 's board of directors will propose a dividend of EUR 0.14 for 2008 at the annual general meeting .,neutral +The last job losses related to these reductions will take place during 2010 .,neutral +"Sold out $TZA 45 $PUT (down $1), which were hedging my 45 $CALL. Letting the calls ride solo now.",positive +"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 .",negative +@Vegastrader66 Looks like good entry for $QIHU here.,positive +"Iso Omena is based in the Matinkyla district of the southern part of the city of Espoo , southern Finland .",neutral +"Furthermore , efficiency improvement measures initiated earlier are now bearing fruit , '' CEO Jan Lang said .",positive +"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 .",neutral +Other shareholder entitlements became effective today .,neutral +$YHOO making new HOD,positive +"Recovery has been evident in the liquid handling business , particularly in areas outside Europe and primarily in North America and Asia .",positive +The company operates power plants in the Tyumen and Chelyabinsk regions and in the Khanty-Mansi Autonomous District .,neutral +"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 .",neutral +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 .,neutral +"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 .",neutral +"The tightened competition situation in the production automation market has affected net sales during 2006 , Cencorp said .",neutral +3-star analyst Joe Wittine from Longbow Research reiterated a HOLD rating on $NTAP.,positive +Our standardised services have met with a positive reception among our customers as well as at Itella .,positive +The Kyroskoski investment is to be completed in late 2011 and the +ä+ñnekoski investment in the spring of 2012 .,neutral +The Group 's cash flow from operations will be positive .,positive +7 March 2011 - Finnish IT company Digia Oyj HEL : DIG1V announced today an agreement with mobile-phone major Nokia Oyj HEL : NOK1V to acquire the commercial licensing and service business related to Nokia 's Qt technology .,positive +Operating loss totaled EUR 25mn compared to a profit of EUR 63mn in the corresponding period in 2005 .,negative +Renewed AB InBev Bid for SABMiller Ups Stake in Beer Battle,positive +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 .,positive +Etteplan targets to employ at least 20 people in Borl+ñnge .,positive +"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 .",neutral +$FB rejecting HIGHS shortable...at 109,negative +Why AstraZeneca plc & Dixons Carphone PLC Are Red-Hot Growth Stars!,positive +Finnish automation solutions developer Cencorp Corporation ( OMX Helsinki : CNC1V ) issued on Thursday ( 18 September ) a profit warning for the third quarter of 2008 .,neutral +"Secure your files online Like filling out a tax return , making a backup is boring .",neutral +$COST short finally making gains. I will take half my gains at 147,negative +$NEON oversold,positive +The situation of coated magazine printing paper will continue to be weak .,negative +Stockmann MasterCard has widened the scope of this cooperation to Estonia and Latvia .,positive +EUR 152.4 mn of this was net interest income .,neutral +"In the third quarter of 2007 , net sales totaled EUR 25.95 mn , and operating profit EUR 3.88 mn .",neutral +"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 .",positive +Swedbank 's shares have been hardest hit of the Swedish banks by the ongoing international financial crisis .,negative +"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 .",neutral +"The contracts between Raute Corporation and Muling Kemian Wood Products Co. , Ltd. , which were announced on 3 November 2010 , have taken effect .",neutral +"The Nokia Music Store begins trading on Tuesday , selling singles and albums as well as live music streaming .",neutral +BP joins forces with Det Norske in Norway,positive +"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 .",neutral +"In 2009 , Comptel slipped to a net loss of EUR2 .1 m from a profit of EUR6 .6 m in the previous year .",neutral +Australia clears AB Inbev's $100 billion SABMiller buyout plan,positive +"For the current year , Raute expects its net sales to increase and the operating result -- to be positive .",positive +FTSE 100 flat; Standard Chartered leads risers,positive +"HELSINKI ( AFX ) - Metso said it will upgrade one of UPM-Kymmene 's four paper machines at the latter 's mill in Jaemsaenkoski with a new coating color supply system , machine and process controls and quality measurements .",positive +"Brazilian non-profit interbank Camara Interbancaria de Pagamentos CIP has acquired solutions from US business integration solutions provider Sterling Commerce , the latter company said in a statement .",positive +The net sales of the whole fiscal year 2008 will be lower than in 2007 and operating profit is estimated to be negative .,neutral +These restrictions do not apply to statutory dividends .,neutral +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 .,negative +"Exports of goods fell by 59 % , and imports by 16.7 % .",neutral +$DXCM - Making higher highs & higher lows as it consolidates over past several weeks. 26.70 was all time high (2006).,positive +"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 .",positive +"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 .",positive +The solid fuel is heated before sludge is mixed therein . '',neutral +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 .,neutral +Sales for the Department Store Division increased by 15 % and sales for the clothing store subsidiary Seppala increased by 8 % Meanwhile sales for Hobby Hall decreased by 12 % .,positive +Nokia s U.S. shares were 3.3 percent lower at $ 12.73 by 1750 GMT .,neutral +$ENDP being sued by FTC.....nobody will buy them with that hanging over their heads,negative +15 September 2010 - Finnish electrical components maker Salcomp Oyj ( HEL : SAL1V ) announced today the launch of its latest Twist charger platform .,neutral +"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. .",neutral +"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 .",neutral +"$GMCR with the way this has been acting, it may fall to 65 today, horrible action since it hit 70 yesterday",negative +After the renovation the biggest moulding line in the Orhangazi foundry is the most modern line in Europe .,positive +"The financial impact is estimated to be some 1.5 MEUR annual improvement in the division 's result , starting from fiscal year 2007 .",positive +"Cargotec 's share capital after the increase totals 64,046,460 euros .",neutral +Olvi expects sales and market share to increase in the first quarter of 2010 .,positive +The plant will collect raw material from the Baltic Sea region .,neutral +"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 .",positive +Tesco share price closes higher as two more directors leave grocer,positive +The total capital of funds managed by the bank decreased by 28 % to EUR 284mn by the end of September 2008 .,negative +"The chain posted sales of 298 million euros for full 2005 , a rise of 19.5 percent , year-on-year .",positive +"During the strike , Finnair estimates to incur a net loss of between EUR2m and EUR2 .5 m per day .",neutral +"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 .",positive +"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 .",neutral +"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 .",neutral +Finnish financial group Aktia 's operating profit for 2009 increased to EUR 47.0 mn from EUR 6.6 mn in 2008 .,positive +"UPM-Kymmene www.upm-kymmene.com produces magazine papers and newsprint , as well as fine and specialty papers , converting materials and wood products .",neutral +One of the headboxes will be equipped with a modern consistency control system to ensure cross machine profile of the plasterboard .,neutral +"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 .",positive +"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 .",neutral +Sales have risen in other export markets .,positive +Industry NewsWolseley confident in reslilience amid mixed markets,positive +The agreement expands Tekla Structures ' scope of use to bridge design .,positive +"Maglan Capital Up +20.84% In February, Long Fairpoint http://stks.co/s1eQc $$ $FRP",positive +There are no substitutes to AC drives .,neutral +The power generated annually by Loviisa covers about 10 % of Finland 's electricity consumption .,neutral +"If the employee leaves the company within the duration of the cover , the money invested to ensure commitment is returned to the company .",neutral +Nordea Bank Estonia is part of the largest financial group in the Nordic countries .,neutral +"In 2007 , Alma Media 's operating profit was about EUR 53mn .",neutral +"The figure includes the change in the fair value of the property portfolio , EUR 26.2 million .",neutral +"Profit for the period totalled EUR 0.8 mn , down from EUR 1.1 mn in the corresponding period in 2008 .",negative +"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 .",neutral +"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 .",negative +"( 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",positive +"The company booked April-June new orders worth 949 mln eur , compared with 786 mln eur in the same period a year ago .",positive +UK WINNERS & LOSERS: Aviva And Friends Life Lead FTSE 100 Gainers,positive +Shell challenges Exxon dominance with 47 billion-pound bid for BG,negative +Brazilian mobile player Telemig Celular yesterday announced that it has selected Finnish software developer Tecnomen Oyj to expand its prepaid billing system .,positive +"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.",neutral +The credit covers approximately 70 % of the ship 's price .,neutral +"Profit for the period totaled EUR 39.4 mn , up from EUR 33.9 mn in the corresponding period in 2006 .",positive +We hope to increase traffic volumes with the opening of Freight One Scandinavia . '',positive +$CRK time to accumulate for a long position with far more upside than downside,positive +"` Sanoma is a buyer not a target , ' he said .",neutral +This wood lacquered clock comes with a stripy hand-crocheted cover .,neutral +The reduction notice applied to 17 people .,negative +Operating profit improved by 16.7 % to EUR 7.7 mn .,positive +"$INTU is in the process of streamlining its structure, especially through divestment of non-core businesses https://t.co/dR5baNun2u",positive +com and possibly also through photo-msn .,neutral +"In Q1 of 2010 , Bank of +àland 's net interest income increased from EUR 9.1 mn to EUR 9.7 mn .",positive +"It is being developed by Symbian , the software licensing consortium led by Nokia .",neutral +"As a result , the number of personnel in Finland will be reduced by 158 .",neutral +"`` Adjustment to the fall in price level , in contrast , has been less effective .",negative +"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 .",neutral +TeliaSonera has secured deliveries for 4G modems with support for 3G and 2G during the second quarter 2010 .,positive +The previous offer was 3.4 % of voting rights and 12.3 % of capital .,neutral +EA Launches Origin Online Game Distribution for Mac http://stks.co/aKTU via MacRumors $EA,positive +Acquisitions have been made and businesses have been well integrated .,positive +Expense ratio was 102.6 % compared to 92.9 % in the corresponding period in 2005 .,negative +"Yara Suomi Ltd also provides nitrogen chemicals and technical nitrates to various sectors of industry , as well as products used in environmental protection .",neutral +"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 .",neutral +"Proving that good cellphone design is truly a work of art , the website for the Nokia 6131 provides a colorful canvas for the expression of mobile-inspired sentiments .",positive +Equity indexes working on a positive engulfing for March. $SML $RUT $IWC $SMH $SOX Small-caps / semis with a fakeout before the b/out.,positive +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 .,positive +The SeaWind that was en route from the Finnish port of Turku to Stockholm got stuck in ice already around 4 p.m. on Wednesday and the Regal Star 's journey from the Swedish port of Kapellskar to Paldiski in northwestern Estonia was cut short at 2 a.m. on Thursday .,neutral +"AGJ recorded EUR 43 mln sales in 2006 , most of which was generated by exports to customers in Western Europe , the statement said .",neutral +Alma Media expects its net sales to increase as forecast previously .,positive +Poyry is recognized as one of the world 's leading advisors to the global forestry industry .,positive +"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 .",positive +$GOOG breakout very likely medium target $700+ http://stks.co/1Lpz http://chart.ly/lgb94rr,positive +"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 .",neutral +"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 .",neutral +The company said that the fall in turnover had been planned .,neutral +"About 36 % of this came from Aspo Chemicals , 39 % from Aspo Shipping and 25 % from Aspo Systems .",neutral +Earnings per share were higher at 0.48 against 0.37 a year before and ahead of market consensus of 0.40 eur .,positive +"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 .",neutral +"The decision of the French Court relates to the claims raised by twenty-one former Aspocomp S.A.S employees , the company said .",neutral +"Samsung currently occupies third place and lost ground during the quarter , dropping by 1.8 % to an 11.1 % share overall .",neutral +Nokia Siemens Networks has struggled to make a profit in the past two years .,negative +The insurance division turned a EUR120m profit .,neutral +Net profit in the period in 2009 was ( EURO ) 29 million .,neutral +CapMan made its initial investment in OneMed in June 2006 .,neutral +"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 .",neutral +Okmetic has used the furnaces for the contract manufacturing of solar crystals .,neutral +"Nevertheless , the development can not be allowed to ruin the print newspaper , which continues to be Sanoma News ' main medium .",neutral +"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",negative +Benefon will turn the Salo unit into a B2B business unit and establish a B2C business unit in the UK .,neutral +Results are expected late in 2006 .,neutral +"$GILD Sandbagged the guidance so the can use that last 3 billion up. CC was cautiously optimistic, wait til Next ER for confirmation",neutral +fi is developing cooperation in keyword advertising with Microsoft .,positive +"The contract value amounts to about EUR11m , the company added .",neutral +"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 .",positive +"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 .",neutral +Timo Penttila has been appointed new manager responsible for the asset management of Nordea 's institutional customers in Finland .,neutral +"The company 's goal is to achieve annual savings of EUR 2 million ( USD 2.7 m ) , of which two thirds are to be realized in 2010 .",positive +"The company offers payroll services , including payroll processing , payroll tax administration , and employee pay services , including direct deposit , check signing , and Readychex .",neutral +"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 .",positive +"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 .",neutral +Return on investment was 16.6 % compared to 15.8 % in 2004 .,positive +"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 .",negative +"The decision of Tekes was based on , among other , the following grounds : the project has a significant impact on the business development of the company .",neutral +STUK today is a full service house expert in radiation and nuclear safety issues .,neutral +"In April 2005 , Neste separated from its parent company , Finnish energy company Fortum , and became listed on the Helsinki Stock Exchange .",neutral +"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 .",neutral +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 .,positive +Looking for a strong bounce $SPY -- Lunchtime rally coming. $DIA $IWM $QQQ $AA $FB,positive +`` Fixed Mobile Convergence solutions represent a key value proposition in today 's communication market .,neutral +"Most of the growth in beer consumption took place in the Far East , Latin America and Africa .",neutral +"Qualcomm: 10% Dividend Increase Rewards Patient Investors, The Future Looks Bright https://t.co/TJjVpqhHqD $QCOM",positive +He is resting comfortably and is looking forward to getting back to work . '',neutral +"The E7 smartphone will be available for Rs35 ,000 per handset across India , '' Nokia India vice-president & managing director D Shivakumar told reporters .",neutral +Stockmann was established in 1862 in Finland and it became the first foreign company to enter Russia 's retail trade market in 1989 .,neutral +"Operating loss totalled EUR 0.3 mn , down from a profit of EUR 5.1 mn in the first half of 2009 .",negative +"Operating profit totalled EUR 9.0 mn , down from EUR 9.7 mn in the first half of 2008 .",neutral +$RNN More bleeding Monday.,negative +"Nordstjernan will make the offer in approximately one month , in September 2007 .",neutral +"So Mr. Galvan made savings adjustments of his own , buying less liquor and watching portion sizes .",neutral +"The parties have agreed not to disclose the price of the deal , the group said in a press release .",neutral +"ALEXANDRIA , Va. , March 15 -- Jaakko Vilo of Turku , Finland , has developed a panel press .",neutral +"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 .",neutral +Antniemi refuted a report by the Finnish daily Turun Sanomat as if the company was reorganizing its operations in the Baltic countries .,neutral +"PNC, Goldman Sachs Receive Dividend Hike Green Light (But Don't Act): http://stks.co/2pa7 $PNC $GS",positive +"Following the payment made in April , the company has a total of EUR 23.0 million in loans from financial institutions .",neutral +"These companies own a 20,000 sq. m. office and commercial building and substantial amount of building right for a new shopping center in Liljeholmen , Stockholm .",neutral +Profit for the period increased from EUR 2.9 mn to EUR 10.5 mn .,positive +"$QIHU totally missed this one, was about to jump in on that 60 break test but didn't, congrats shorts",negative +"The utility will also provide services related to electricity management , such as hedging trades and risk management and reporting .",neutral +"$KO had missed earnings expectations for the last two quarters, so today’s strong results came as a major surprise http://stks.co/d0RHF",positive +Latvia 's Stockmann shopping mall is a subsidiary of Finland 's Stockmann Plc. .,neutral +"Finnish investment group Neomarkka Oyj ( HEL : NEMBV ) said today that it will buy the former production facilities of Kuitu Finland Ltd , as part of negotiations on the option to invest in specialty cellulose fiber business .",neutral +"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 .",positive +"Simultaneously with this merger plan another merger plan has been signed , according to which Suomen Projektivuokraus Oy , a subsidiary of VTM-Rakennuskonevuokraamo Oy , would be merged with VTM-Rakennuskonevuokraamo Oy .",neutral +"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 .",neutral +"`` Beyond the improved voice capabilities , customers now have a streamlined way to comply with recalls and other traceability requirements , providing them with a competitive advantage .",positive +CORRECTED-Shire to buy Dyax for about $5.9 bln,positive +"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 .",neutral +Nokia is also negotiating the product portfolio of the new company .,neutral +Glencore slumps 30 percent as debt fears grow,negative +The value of the order is EUR 4mn .,neutral +The company said that it has agreed to a EUR160m unsecured credit line from lenders .,neutral +"The agreement , which will cover monitoring , maintenance , server capacity service and backups , has a one-year extension option .",neutral +$BBRY Sierra. Has a great cash balance and impressive growth rate.Would be a wonderful marriage!,positive +"Profit after taxes for the period was up to EUR0 .9 m , from EUR0 .01 m last year .",positive +"Oka specialises in new construction , renovation work of residential and non-residential building as well as premises for industrial and logistical use .",neutral +"Neste Oil s refineries have a combined crude oil refining capacity of approximately 260,000 barrels a day .",neutral +The net sales decreased to EUR 49.8 million from EUR 59.9 million .,neutral +"In 2007 , Etteplan had turnover of EUR125 .2 m.",neutral +Pretax profit rose to EUR 0.6 mn from EUR 0.4 mn in the corresponding period in 2005 .,positive +"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 .",neutral +The size of a cider bottle will remain unchanged .,neutral +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 .,positive +Revenue in the quarter fell 8 percent to ( EURO ) 2.4 billion compared to a year earlier .,negative +EBIT excluding non-recurring items was estimated to increase from 2009 .,positive +What we think ?,neutral +Keith Skeoch to step up as David Nish quits as chief executive of Standard Life,neutral +"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 .",positive +No financial details were provided .,neutral +Tesco share price tumbles after negative broker note,negative +"According to Finnish L+ñnnen Tehtaat 's CEO Matti Karppinen , now that L+ñnnen Tehtaat has sold the majority of its feed and grain business , it will quickly start to look for acquisitions .",neutral +"Finnish IT consultancy Satama Interactive Oyj said on November 13 , 2006 that Jarmo Lonnfors took up the position of CEO .",neutral +"According to the company , the lay-offs will be temporary .",neutral +"Cargo traffic fell 1 % year-on-year to 8,561 tonnes in September 2009 .",neutral +Rihko started to manage Raisio 's Benecol business in summer 2006 after heading tobacco company Altadis ' European operations .,neutral +The Financial Statements and Interim Reports will be released around at 9.00 a.m. ( Finnish time ) on the given dates .,neutral +"The company was supposed to deliver machinery to a veneer mill in the Tomsk region , in Russia .",neutral +"In the building and home improvement trade , net sales totalled EUR 1,173 mn , down from EUR 1,566 mn a year earlier .",negative +"The talks involved the Food and Ingredients Divisions , as well as group service functions , the company said .",neutral +Lloyds Banking Group's share price lifts amid reports bank is poised to axe hundreds of UK jobs,positive +"Outokumpu of Finland , stainless steel manufacturer , plans to enter into a supply agreement with the Indian Railways .",positive +Shire share price under pressure after $32bn Baxalta deal,negative +"However , he expects banks to provide alternative financing .",positive +"It would be premature to talk about dates , volume and the investment procedure , '' he said .",neutral +"The Russian government will contribute 20 % of the necessary funds , he said .",neutral +We are now in a position to pursue novel clinical candidates going forward . '',positive +Cymed 's net sales are expected to amount to EUR 3.5 mn in 2006 .,neutral +"Operating profit decreased to nearly EUR 1.7 mn , however .",negative +"Following the acquisitions , Panostaja will establish a new business unit which will focus on heat treatment of metals .",neutral +"Finland 's Neste Oil has been awarded the Chemical Industry Federation of Finland 's Innovation Award for its NExBTL technology , which enables biodiesel to be produced from vegetable oil and animal fat .",positive +The Finnish paints company acquired the remaining 49 pct that it did not own from Ukraine 's LGU for an undisclosed sum .,neutral +Atria will also buy the shares of Kauhajoen Teurastamokiinteistot Oy (Kauhajoki slaughterhouse property)from Itikka Co-operative .,neutral +Terms of the acquisition were not disclosed .,neutral +"Combined with the Basware Enterprise Purchase to Pay portfolio , it provides a high level of automation for procurement and invoice workflows .",neutral +"The company generates net sales of about 600 mln euro $ 775.5 mln annually and employs 6,000 .",neutral +RSA Insurance Hires Towergate's Egan as Chief Financial Officer,neutral +"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 .",positive +"However , the bottom-line result improved thanks to positive financial items .",positive +$NFLX +3% of the lows,positive +NYSE owner ICE may gatecrash Deutsche Boerse-LSE merger,negative +"Ahlstrom , headquartered in Helsinki , Finland , is a global leader in the development , manufacture and marketing of high performance fibre-based materials .",neutral +$DMND green and moving,positive +"In Q2 of 2009 , profit before taxes amounted to EUR 13.6 mn , down from EUR 26.8 mn in Q2 of 2008 .",neutral +The value of this kind of order amounts usually between Euro 2 and 3 million .,neutral +"The cosmetics collection includes an eye shadow , face powder , lip gloss , mascara and accessories .",neutral +The increase range will vary up to 10 % .,neutral +LSE-Deutsche Boerse merger would signal end to exchange mega-deals,positive +Operating profit for continuing operations fell to EUR 48.3 mn from EUR 72.4 mn in the first half of 2007 .,negative +The company then said it will focus its resources on clinical research .,neutral +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 .,neutral +"The Tekla Structures 16 installation has been built according to Microsoft 's requirements for the Windows 7 certification , the Company added .",neutral +AstraZeneca Acquires ZS Pharma in $2.7 Billion Deal,positive +LONDON MarketWatch -- Share prices ended lower in London Monday as a rebound in bank stocks failed to offset broader weakness for the FTSE 100 .,neutral +Kone shares dropped 4.1 percent to x20ac 43 US$ 55.77 in Helsinki .,negative +"In 2007 , Huhtamaki will continue to invest in organic growth .",neutral +"The Daily Graphic newspaper , in October , reported an initiative being embarked upon by the Fidelity Bank to partner Ghana Post , which has offices across the country , to offer financial services to the unbanked and under-banked in the country .",neutral +"Glaston 's own glass processing unit , Tamglass Glass Processing , is a manufacturer of high quality safety glass products operating in Finland .",neutral +"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 .",neutral +"U.K. Stocks Little Changed Near Record as Barclays, Shell Fall",negative +$AMRN Got sell signal 7/1/14 still in force with target below 1.50,negative +"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 .",neutral +"ALEXANDRIA , Va. , Oct. 6 -- United States Patent no. 7,804,288 , issued on Sept. 28 , was assigned to Vacon Oyj ( Vaasa , Finland ) .",neutral +Finnish food industry companies HK Ruokatalo and Atria will form a joint venture company called L+ñnsi-Kalkkuna to produce turkey meat .,positive +"Its annual capacity is some 10,000 MW .",neutral +"S&P has kept its `` sell '' rating , while Nordea and UBS have reaffirmed their `` buy '' recommendations .",neutral +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 .,positive +"Revenue from July to September grew 21 percent to EURO 2.3 billion , the Finnish company said Thursday .",positive +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 .,positive +$KCG bot at 2.24,positive +"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 .",negative +"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 .",neutral +The Finnish group anticipates a sales gain of EUR42m after tax and expenses .,positive +"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 .",negative +"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 .",negative +CompaniesKingfisher bid for Mr Bricolage runs into trouble,negative +"The fair value change of investment properties was EUR 15.8 mn , compared to EUR 22.9 mn in the third quarter of 2009 .",neutral +The company plans to expand into the international market through its subsidiaries and distributors from 2011 onwards .,positive +The investment would be some EUR5m .,neutral +"According to Finnish insurance companies Tapiola , Local Insurance Group ( L+ñhivakuutus ) , and Pohjola the two fierce storms at the end of July and in the beginning of August 2010 that felled trees around Finland have speeded up sales of forest insurance .",positive +$GLD http://stks.co/44ow On closer inspection. Resistance 10 points north at 200d and downward trendline. Chart 2 of 2.,negative +In Sweden the agreement covers data communication services as well .,neutral +$KEP breaking out when the market pulls back http://stks.co/r0cet,positive +"The latest date for registration is on 4 April , 2006 .",neutral +Mr Skogster currently serves as the manager responsible for ABB Oy 's system modules for low voltage drives .,neutral +"Pretax profit totaled EUR 9.0 mn , down from EUR 36.3 mn in 2007 .",neutral +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 .,positive +Metso 's delivery will include a complete coated board line with related air systems and two winders .,neutral +The reductions will be concluded by autumn 2010 .,neutral +The company also said that its board of directors has proposed a profit distribution of EUR0 .92 per share .,neutral +$MPWR CEO sells 450k april 15th..meh,negative +"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 ) .",neutral +The bank forecasts Finland 's GDP will grow by 2 % in 2010 and in 2011 .,positive +"$HLF shorts made a killing last couple days, might make more if cover and buy back?",negative +"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 .",negative +Chief Financial Officer Jim Heindlmeyer said Beyond Oblivion is in advanced talks with the four major recording companies about its service .,neutral +"In addition , the production at the Varpaisj+â rvi factory will be stopped at the beginning of April 2009 .",negative +E 's building system service had revenue of EUR 355 mln in 2007 .,neutral +Most of the increase in net sales was due to the acquisition of Swedish Silva that produces garden tools and boats .,positive +"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 .",neutral +"The product range includes marinated olives , cold cuts , and pates , for example .",neutral +Aldata noted that its Voice Supply Chain Technology approach enables VDW to integrate with warehouse management systems .,neutral +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 .,positive +"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 .",neutral +"SRV will also build an aqua park with wellness area , a restaurant and a multifunctional ice arena .",neutral +"$P bull flag on the daily, earnings on the table tomorrow +/-12 move.Will straddle this one into earnings..lots of vol guaranteed here",positive +Sainsbury sales slip again as price pressures take a toll,negative +"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 .",neutral +The deal is in line with Etteplan 's strategy to operate as a partner of global customers and provide industrial technology design services .,neutral +"According to HKScan Finland , the plan is to increase J+ñrvi-Suomen Portti 's net sales to EUR 80mn to EUR 100mn .",positive +Watch these bancos.they're holding up relatively well compared to the broad market $XLF $BAC $GS $C <--large C buying in $BAC in backburner,positive +"The divested company is part of TietoEnator 's business area Government , Manufacturing & Retail .",neutral +Rosen was cautious about being too optimistic inregard to the second half of the year .,neutral +"The seminar introduced modern , clean technologies and products , financial tools and sponsorship programs for energy and environment projects as well as the potential to develop clean energy in Vietnam .",positive +"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 .",positive +"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 .",neutral +$BONE Earnings Stocks Poised to Pop http://stks.co/2zWE,positive +Finnish KCI Konecranes has raised its net sales growth estimate for 2006 from over 25 % to over 35 % .,positive +Spain's Caixabank launches new takeover bid for Banco BPI,positive +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 .,neutral +"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 .",negative +Entertainment One dispels ITV takeover rumours,positive +The dividends payable annually shall be deducted from the share subscription price .,neutral +New product launches in Finland will more than double from 2005 .,positive +This assignment strengthens Poyry 's position as an international provider of engineering and project services to the chemical process industry .,positive +"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 .",neutral +"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 .",neutral +Cargotec Germany GmbH has been awarded a contract by Stadtverwaltung Mainz for chassis bodies under Open procedure .,positive +Reported operating margin was a negative 5.9 % .,negative +The purchase price was not disclosed .,neutral +Okmetic expects its net sales for the first half of 2009 to be less than in 2008 .,neutral +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 .,positive +The company is well positioned in Brazil and Uruguay .,positive +"Upside moves in the volatile #mining sector, sending Anglo American PLC $AAL up 6.8% as of 4:30 PM, London time",positive +Sales were down 14 per cent in Finland and up 27 per cent abroad where sales were lifted by the strong growth in sales in Russia and Lithuania .,neutral +$FB down 7.5% from this #bearish pattern. Considering the #bullish sentiment - That's an impressive bearish move https://t.co/TaJF0cH2qh,negative +That would be an increase from estimated sales of 117 million last year .,positive +"According to Sepp+ñnen , the new technology UMTS900 solution network building costs are by one-third lower than that of the building of 3.5 G networks , operating at 2,100 MHz frequency .",positive +To be number one means creating added value for stakeholders in everything we do .,neutral +Number of offers received for this contract is two .,neutral +Donations to universities The Annual General Meeting authorized the Board of Directors to donate max .,neutral +"It expects revenue between $ 8.4 billion and $ 8.7 billion , compared to analyst estimates of $ 8.67 billion .",neutral +LSE gets Hong Kong regulatory nod to HK firms to become LSE members,positive +The Diameter Protocol is developed according to the standards IETF RFC 3588 and IETF RFC 3539 .,neutral +Underground parking facilities will also be built on the basement floor .,neutral +$DISH weakness continues again. 49.43 area resistance after last week,negative +#FusionIQ NEW Positive Timing Signal on $SBUX Today https://t.co/9ImlXz4YNa Please Retweet #Signals,positive +The representative body of Swedish Meats approved an improved offer from Finnish HK Ruokatalo to acquire the company .,positive +M-real 's sales are expected to have increased by 4 % year-on-year to EUR609m in the second quarter of 2010 .,positive +"Weber convinced his friend Ray Ostrom , who owned a Lake Street sporting goods store , to sell the lures .",neutral +"$AAPL is now beaten down, hated, etc. / hhhmm opposite of 700> what happens next?",negative +The most significant challengers in the market are Logset and Sampo-Rosenlew .,neutral +The District Court of Helsinki dismissed all charges as the court of first instance in 2005 .,positive +Teleste BK Optiflex amplifier products will be used in ongoing capacity upgrade of KDG 's network to bi-directionality .,neutral +"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 .",neutral +"Previously , the company expected its 2008 financial performance to remain at the same level as in 2008 .",neutral +Insurers: Admiral blows hot and cold but Aviva soars pre-Friends Life merger,neutral +Retail giant Kingfisher reports 'solid' start to the year,positive +"Maximum amount of terminations in Finland is 40 employees , the company added .",neutral +$TSLA yeah lets go down to 230s lol,negative +"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 .",positive +Validating our fgVoIP client through Symbian Signed represents a significant step forward in accomplishing this goal .,positive +$EBAY e-bay bay! working on a couple daily dojis .. should continue to the downside https://t.co/lgU0yBxEZe,negative +Royal Mail gets mixed bag from Ofcom postal regulation report,neutral +"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 .",positive +The trade is in accordance with the agreement announced on 26 March 2008 .,neutral +"Initial estimated total value of the contract was 250 000 Euros , excluding VAT .",neutral +Shell and BG Shareholders to Vote on Deal at End of January,neutral +"After completion of the acquisition , Poyry 's oil and gas expertise will cover multi-discipline engineering and consulting services across the complete oil and gas asset lifecycle , including deepwater engineering services .",neutral +: Lietuvos Respublikos sveikatos apsaugos ministerija has awarded contract to UAB `` AFFECTO LIETUVA '' for financial systems software package .,positive +The order was worth EUR 8mn .,neutral +$IBM staying strong,positive +$CRUS Upgraded to a buy by Alpha Street Research,positive +#Apple up almost 20% from its February lows with very little fanfare. $AAPL,positive +"Rio Tinto swings to loss, drops dividend policy",negative +Cision says the sale will return its U.K. operation to profitability .,positive +"Isolationism? Another Sell Rating, Sell Ratings On SPY, QQQ, IWM And Several Companies https://t.co/j35FNnx744 $AAPL #APPLE $AXP $BAC",negative +"Due to the rapid decrease in net sales , personnel reductions have been carried out on a wider scale than initially expected .",negative +"In sales volume , Coca-Cola 's market share has decreased by 2.2 % to 24.2 % .",neutral +L&T 's net profit for the whole 2010 dropped to EUR 36 million from EUR 45 million for 2009 .,negative +"The order consists of outsourced application management , support and planning for Tecnotree and third-party applications .",neutral +Group net sales in the third quarter of 2007 totaled EUR 142.3 mn and operating profit EUR 4.3 mn .,neutral +"Vaisala , headquartered in Helsinki in Finland , develops and manufactures electronic measurement systems for meteorology , environmental sciences , traffic and industry .",neutral +$SPY Looks like bear traps getting laid faster than Cadbury Creme Eggs by the Easter Bunny,positive +Finnlines estimated in its annual general meeting that 2008 will be financially a tough year due to large investments .,neutral +"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 .",neutral +Sales of mid-strength beer decreased by 40 % .,neutral +ABN : 59 087 901 620 now represent 5.10 % of the voting rights and share capital of Citycon Oyj .,neutral +The company has 120 employees and annual sales of approximately EUR16m .,neutral +"According to M-real 's CEO , Mikko Helander , this transaction will enable the company to proceed swiftly with its restructuring program .",positive +$BABA may take a few days wks months watch what happened to $FB $TWTR after they IPO. mrkt needs to washout. to hunt well need 2 wait stalk.,neutral +"In 2008 , the deal is likely to bring savings of EUR 20mn-25mn .",positive +"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 .",neutral +International operations accounted for over 80 % of net sales .,neutral +"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 .",positive +$GILD chart: With $IBB back over support. https://t.co/GpRZ2UJFC4,positive +As a result of the negotiations the employment of 130 blue - and white-collar employees at the Oulu plant would be terminated .,neutral +Operating loss amounted to EUR 0.7 mn compared to a profit of EUR 0.8 mn in the second quarter of 2005 .,negative +The order also includes extensive maintenance work of a shoe press delivered by Vaahto in 2001 .,neutral +"Thanks to the internet , consumers compare products more than previously and Finnish companies are not competitive .",neutral +"Operating profit totalled EUR 5.8 mn , up from a loss of EUR 1.7 mn in the fourth quarter of 2009 .",positive +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 .,negative +Earnings per share ( EPS ) amounted to a loss of EUR0 .38 .,negative +"The biggest sellers in the chain 's supermarkets in Finland are organic Pirkka tomatoes , carrots , eggs , and meat products .",neutral +$AAPL long 630.91,positive +The divestment of Raisio 's margarine business in May 2009 gave the company a clearer focus on grain-based products .,positive +The total value of the project is valued at SEK 30bn ( EUR 2.83 bn USD 3.81 bn ) .,neutral +"@CGrantWSJ I think this $TSLA bubble might go on for some time. So long as ppl love the cars, they might keep getting funding.",positive +"When the product is manufactured in Finland , it is also packed in the country .",neutral +$LUV Continues to consolidate above previous break out area...,positive +`` I 'm not sure what 's happening .,neutral +"ADP News - Nov 18 , 2008 - Finnish AC drives manufacturer Vacon Oyj OMX : VAC1V said today that it had set up new representative offices in Romania and Ukraine to serve the growing markets in eastern and southeastern Europe .",positive +Nokia has inaugurated its manufacturing plant near Chennai on 11 Mar 2006 .,neutral +Scanfil issued a profit warning on 10 April 2006 .,neutral +"The contract includes design , construction , delivery of equipment , installation and commissioning .",neutral +"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 .",neutral +VNH generates annual net sales of about 5 mln eur and employs 21 people .,neutral +"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 .",positive +$AMZN Trailing 12 months operating cash flow rose 48% to $4.98 billion & free cash flow decreased 63% to $388 million http://stks.co/c06zG,neutral +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 .,neutral +The dismissed staff members will now take the matter to court unless it can be settled outside .,negative +LinkedIn Revenue Up Nearly 50% http://stks.co/g1F4T $LNKD,positive +Lemmink+ñinen started the manufacture of roofing felt in 1920 and the production of asphalt in the 1930s .,neutral +ZAO YIT Moskovia builds housing in Moscow and its surrounding cities .,neutral +"The value of the deal exceeds EUR500 ,000 , the company said .",neutral +"The period 's sales dropped to EUR 30.6 million from EUR 38.3 million , according to the interim report , released today .",negative +"Scanfil , a systems supplier and contract manufacturer to the communications sector , will give notice to 20 productional employees , and temporarily lay off 15 employees at the company 's plant in Sievi , in Finland .",neutral +"The repo rate will gradually reach 2 % at the end of 2010 , according to Nordea 's Economic Outlook .",neutral +Symphony Services provides development services for Aldata GOLD .,neutral +"`` We have a license agreement with Nokia Corp. which in part expires on April 9 , 2007 .",neutral +The divested stake represented about 2.7 m shares in Okmetic 's capital .,neutral +"$AAPL bounce right now has no vol, more vol when it slid",positive +"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 .",neutral +"In Finland , the five largest brands control 90 % of the beer market .",neutral +"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 .",positive +"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 .",neutral +Delivery is due in the second half of 2011 .,neutral +The agreement is valid for four years .,neutral +"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 .",neutral +"It also has strong assets in electronic media , employing 18,500 an increase of 9 percent on last year .",positive +"Many of the commercial vessels had got stuck in the narrow Bay of Bothnia , where the ice is thicker , and around the Aaland islands .",negative +"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 .",neutral +There did not seem to be enough hours in a day for Pekkarinen .,neutral +"Aug. 31 , 2009 (Gawker Media delivered by Newstex)-- If you love fishing video games but felt that there just was n't enough wackiness involved , then Activision 's (NASDAQ : ATVI) Rapala : We Fish might just catch your eye with its family-fun hook .",neutral +"Cardona slowed her vehicle , turned around and returned to the intersection , where she called 911 .",neutral +"The manufacture of CPPs will be undertaken at the existing Export Oriented Unit EOU at Wartsila 's factory at Khopoli , near Mumbai .",neutral +I see a 20 percent upside in $FB shares from here,positive +"In January-June 2010 , diluted loss per share stood at EUR0 .3 versus EUR0 .1 in the first half of 2009 .",neutral +Chime Communications Set To Be Acquired By WPP And Providence,positive +Dixons Carphone profit boost on strong sales,positive +No other ev3 devices were involved in this action .,neutral +`` Capital expenditure on energy efficiency has unfortunately fallen along with the decline in the economy .,negative +"Founded in 1994 , the company uses a six-step , time-focused , collaborative project approach to improve financial institutions ' revenue streams .",neutral +"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 .",positive +Valga Lihatoostus markets its products under the Maks & Moorits trademark .,neutral +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 .,positive +"Homebuilders - $RYL breaking below support, watch this one. $SPY",negative +"Besides we have increased the share of meat in various sausages and are offering a number of new tastes in the grill products and shish kebabs segment , '' Paavel said .",positive +like $T for a breakout long as well. getting through the 100 and 200 MA could see it run.,positive +"HELSINKI , Finland , Sept. 18 , 2009 ( GLOBE NEWSWIRE ) -- Ixonos Plc expands the company 's smartphone R&D services and establishes a new next-generation smartphone design unit in connection with Ixonos ' site in Jyvaeskylae .",positive +"$AXDX I got bored, and took my proprietary profit exit. I didn't like the option liquidity and lousy spreads.",negative +"Also in Latvia , we act as a partner for bakery customers in both production and product development .",neutral +"The total donation amount is EUR 1,115,000 .",neutral +"The facility will be used to refinance Citycon 's existing credit facility , the company said .",neutral +"Finnish real estate company Sponda Oyj said on April 11 , 2008 it would build Vuosaari Harbour Service Center at the Port of Helsinki .",neutral +"In the building and home improvement trade , sales decreased by 6.3 % , totalling EUR 154.1 mn .",negative +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 .,neutral +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 .,positive +The costs of the new ropax vessels are 30 % lower than those of the present ones .,positive +The deal also includes a ten-year maintenance agreement .,neutral +"Talvivaara Mining Company PLC ( Talvivaara Mining ) ( LSE : TALV ) , a Finland-based nickel mining business , has installed its second production line at its metals recovery plant on June 9 , 2010 .",neutral +The transactions would increase earnings per share in the first quarter by some EUR0 .28 .,positive +Market data and analytics are derived from primary and secondary research .,neutral +$IWM buy programs popping $iwm for close print cheap money means higher stock prices $spy robot buying,positive +"Cencorp would focus on the development , manufacture and marketing of standard products for production automation .",neutral +"Crucially , the decision to use ETSI ( European Telecommunication Standard Institute ) - backed DVB-H adds to the growing list of operators and equipment manufacturers opting for the standard ( see Global : 20 January 2006 : Competing Technologies Vie for Mobile TV ) .",neutral +"In addition , Kone signed a two-year maintenance contract for the escalators .",positive +"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 .",neutral +The new location is n't the only change Wellmont has in store for its air transport service .,neutral +Other potential clients include public administration organizations investing in utility networks and services .,neutral +"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 .",neutral +The EA Reng group posted sales of approximately 84 million kroons for 2007 .,neutral +Barclays share price subdued as bank faces fresh forex probe,negative +The markets expect Heineken to sell Hartwall as a whole or in parts .,neutral +"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 .",neutral +"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 .",neutral +"Last year , UPM cut production , closed mills in Finland and slashed 700 jobs .",negative +"Currently , the plant operates on full capacity .",neutral +"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. .",neutral +Walter Investment Management Corp Receives a Sell from Compass Point $WAC http://stks.co/c1IvX,negative +"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 .",neutral +`` It wo n't happen overnight .,neutral +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 .,negative +Deutsche Bank cuts $SBUX,negative +Irish housebuilder Cairn Homes plans London listing,positive +"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 .",neutral +"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 .",neutral +Operating profit for the quarter April-June 2006 amounted to EUR42 .9 m on net sales of EUR156 .3 m.,neutral +"$SLV POS, been saying it for 2 years. Going lower. Forget about it or go short.",negative +"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 .",neutral +The company expects to open its first online shop in the US in the summer in 2011 .,neutral +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 .,neutral +"`` Small firms are suffering at the moment because they are likely to have money trouble , '' he added .",negative +Net sales revenue per passenger is expected to increase .,positive +Return on capital employed ROCE was a negative 2.3 % compared to 11.3 % in 2007 .,neutral +"Indigo and Somoncom serve 377,000 subscribers and had a market share of approximately 27 % as of May 2007 .",neutral +`` I warmly welcome Michael Frei to Outotec .,positive +ITV share price: Group mulls takeover of Canada's Entertainment One,positive +"Operating profit for the six-month period decreased from EUR111 .9 m , while sales increased from EUR1 ,275 m , as compared to the corresponding period in 2006 .",neutral +"The most significant capital expenditure items were in the global enterprise resource planning ERP project , product development and production machines .",neutral +Kone said in court papers that the union action delayed repairs to elevators at the federal courthouse on Jan. 21 and the Saltonstall state office building on Jan. 23 .,neutral +3rd red day in a row ? $TSLA,negative +"Operating profit totalled EUR 0.4 mn , up from an operating loss of EUR 0.8 mn year-on-year .",positive +"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 .",neutral +"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 .",neutral +"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 .",positive +"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 .",neutral +"Barclays Plc ( LSE : BARC ) ( NYSE : BCS ) , Credit Agricole SA ( EPA : ACA ) ( CAGR .",neutral +Finnish Componenta has published its new long-term strategy for the period 2011-2015 with the aim of growing together with its customers .,neutral +The veneer and plywood industry in Sweden is quite small despite the raw material resources .,neutral +"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 .",positive +"Viking will pay EUR 130 million for the new ship , which will be completed in January 2008 .",neutral +Rautaruukki aims to find work from the group 's other locations for those who have been made redundant .,neutral +"According to the company , in addition to normal seasonal fluctuation the market situation has weakened during autumn 2008 .",negative +"According to Arokarhu , some of the purchases that had been scanned into the cash register computer disappeared when the total sum key was pressed .",negative +Their names have not yet been released .,neutral +"Also , it is bringing in `` the right kind of people '' to upgrade its human resources .",positive +Kesko has previously published a stock exchange release concerning the deal on 7 February 2007 .,neutral +UPDATE 3-Ex-Barclays director accused by US of illegal tips to plumber,negative +L&G completes UK's largest medically underwritten bulk pension risk deal,positive +"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 .",neutral +"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 .",neutral +The value of the deal was not disclosed .,neutral +"HKScan , headquartered in Turku , Finland , is a leading northern European food group with 10,000 employees in nine countries .",neutral +$TSLA I see more downside in next two weeks be careful -20 dollars drop potential vs +10 up moved,negative +"`` They would invest not only in the physical infrastructure , but would also provide know-how for managing and developing science and technology parks , '' said Sunrise Valley director Andrius Bagdonas .",positive +"Favourable currency rates also contributed to higher net sales , '' CEO Kari Kauniskangas said .",positive +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 .,neutral +Union and company officials did not return calls yesterday .,neutral +"( 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 .",positive +"German Commerzbank AG 's Hamburg Branch and US JP Morgan ( NYSE : JPM ) participated as arrangers , and Dutch ING ( AMS : INGA ) as co-arranger .",neutral +Global life science industry is strictly regulated by international and national authorities .,neutral +"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 .",positive +The company will build altogether 130 new substations by the end of this year .,neutral +"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 .",positive +His resignation will take effect immediately .,neutral +Her work at NetApp included strategically repositioning the brand in the category and a major global relaunch .,neutral +No financial detail were available .,neutral +"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 .",neutral +CF2 Pty Ltd became a substantial holder in Renison Consolidated Mines NL on January 25 with 150 million shares ( 7.9 pc ) .,neutral +"At 1411 CET , ArcelorMittal had lost 7.26 % to EUR 17.38 on Euronext Paris , coming at the lead of the blue-chip fallers .",negative +And Ogden reportedly will shell out $ 4.2 million .,neutral +$GALE Breakout Coming Soon!,positive +"A In August 2007 , Latvijas Finieris ordered all production lines for a new green veneer mill to be built in Ukmerge , central Lithuania .",neutral +"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 .",positive +S&P downgrades Barclays and RBS on government bailout fears,negative +"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 .",positive +$BBRY both 1m/6m trends turn bullish today with a resistance level at $11.31. http://stks.co/j1qt6,positive +"Isolationism? Another Sell Rating, Sell Ratings On SPY, QQQ, IWM And Several Companies https://t.co/6NKWEcrBA5 $AAPL $AXP $BAC $BLUE $FXE",negative +The expanded company will continue to be called NewPage .,neutral +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 .,neutral +Finnish energy company Fortum has set itself new stricter target limits for short-term carbon dioxide emissions from its heat and electricity production .,neutral +"The refining margin for the year was $ 13.39 - bbl , compared to $ 10.46 - bbl in the prior year .",positive +$PRGN A bottom right here?,neutral +Operating profit rose to EUR 13.5 mn from EUR 9.7 mn in the corresponding period in 2006 .,positive +$TSLA weakest in todays DT watchlist,negative +"Tesla: Voluntary recall of 2,700 Model X vehicles, due to back seat issue. $TSLA https://t.co/NPAkc3U6GS",negative +The manufacturing will begin in Pietarsaari in the beginning of the year 2009 and the delivery will take place in October 2009 .,neutral +"Finnish electronics contract manufacturer Scanfil reports net sales of EUR 241.2 mn in 2006 , down from EUR 321.6 mn in 2005 .",neutral +The customers will have an access to integrated propeller and gear packages from one source .,neutral +"The add-on order contains , among others , control valves and instrumentation as well as complete mill engineering and electrification with Metso drive controls .",neutral +"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 .",negative +The reductions will be implemented mainly in the course of the first half of 2009 .,neutral +$UVXY Put the chum out there at key support then next level down - careful,negative +Inha Works has invested in its product development and market research .,neutral +"Tesco, Asda sales fall as march of the discounters continues: Kantar",negative +The first quarter was as expected and was in line with analysts ' forecasts .,neutral +"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 .",neutral +"At a press conference , Lattelecom board chairman Nils Melngailis explained that Blackstone had been chosen for its experience in the IT sector as well as its financial strength .",positive +The shares represented 4.998 % of total share capital and 2.14 % of total voting rights .,neutral +Mobile data transfer is expected to increase explosively in the LTE era .,neutral +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 .,positive +$REN bottoming out again.. Good time to buy,positive +"In addition , the Kazakh delegation will visit Finland 's SITRA investment fund , Honkarakenne Ltd and Nokia headquarters to study TeliaSonera Ltd JSC 's activities .",neutral +55 workers in +àm+Ñl will be affected by the close-down .,neutral +Construction is scheduled to start in April-June 2007 and to be completed in early 2008 .,neutral +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 .,neutral +Operating loss increased to EUR 17mn from a loss of EUR 10.8 mn in 2005 .,negative +"Jarmo Honkamaa , head of the oil refining business at Neste Oil , says the situation looks promising from their viewpoint .",positive +This is the second successful effort for the financial investor this year .,positive +"$RNN day traders flushed out, it should start going up slowly from now on .",positive +"` After fixing our home-base , cutting costs and closing the non-profitable units , we are now looking at going forward , ' she said .",positive +"`` 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 .",positive +Financial terms were n't disclosed .,neutral +Finnish media group Talentum has issued a profit warning .,neutral +Rubin says he expects Capman to announce 1-2 additional transactions in 2009 .,neutral +UPDATE 1-AstraZeneca sells rare cancer drug to Sanofi for up to $300 mln,positive +The total investment of the project will be approximately EUR 36m .,neutral +`` Demand for sports equipment was good in 2005 .,positive +"According to Vauramo , the plant 's lifting equipment is suitable for Asian and for some Chinese trucks .",neutral +How Kraft-Heinz Merger Came Together in Speedy 10 Weeks,positive +"Igor and Oleg Yankov , who currently manage Moron and Vitim , will hold onto the 25 % stake for now .",neutral +"KAUKO-TELKO LTD PRESS RELEASE 19.06.2007 AT 14.00 1 ( 1 ) Telko Group ( Kauko-Telko ) is expanding its strategic partnership with BP Industrial Lubricants & Services ( BP ILS ) by acquiring total ownership of BP 's Swedish retail company , Molub-Alloy AB .",positive +"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 .",positive +"Vaisala also said it expects net sales of EUR 253.2 million for 2010 , compared with EUR 252.2 million recorded in 2009 .",positive +"The order also covers design services , hardware , software licences , as well as maintenance services over six years .",neutral +"The company will pay a dividend of EUR 0.50 per share , a total of EUR 14mn .",neutral +"Compared with the FTSE 100 index , which rose 94.9 points ( or 1.6 % ) on the day , this was a relative price change of -0.4 % .",neutral +"`` We have tailored our solutions to meet Solel 's technical requirements , and the result is both cost-effective manufacturing and highest-quality reflectors . ''",positive +Operating income rose to EUR 696.4 mn from EUR 600.3 mn in 2009 .,positive +"Net sales in 2010 were about EUR 2.0 billion , of which international operations accounted for roughly a quarter .",neutral +"In sales volume , Coca-Cola 's market share has decreased by 2.2 % to 24.2 % .",negative +The desk will reach its full planned strength of ten persons in autumn 2007 .,neutral +"One price category is for calls on the preferred operator 's network , and another for calls on other operators ' networks .",neutral +Veracel is preparing an appeal in the issue and has asked the court for clarification of the judgement .,neutral +The first charging stations will be made available already in 2008 and a whole network is to be ready in 2010 .,neutral +It includes options for additional 30 communal building sites as well as construction supervision works for all construction sites .,neutral +"Operating profit fell to EUR 35.4 mn from EUR 68.8 mn in 2007 , including vessel sales gain of EUR 12.3 mn .",neutral +"The largest restructuring is planned for Italy , where negotiations on about 40 job cuts are to be initiated today , the company noted .",negative +"At first , Solteq 's services to companies operating in the St. Petersburg area will include maintenance and material management systems and data collection solutions .",neutral +$FB SHIFTING ON THE 15 MINUTE HERE - SUSPECT TO TAKE HIGHS,positive +$WMT BULLISH with MACD CROSSOVER with RSI and STO going up - above 73.4$ MA50 res. could run http://stks.co/gGCq,positive +Operating profit rose to EUR2 .4 m from EUR1 .6 m year earlier .,positive +"Ruukki has signed a contract to deliver and install the steel structures for a bridge over the Kyronsalmi strait in Savonlinna , Finland .",positive +"They can be used to control the speed of electric motors used by industry and municipal engineering , and in power generation using renewable energy .",neutral +Meggitt share price tumbles as profit falls in 'challenging year',negative +"$IMRS - it's important to be pragmatic in analysis...high prices could offer head-winds....bullish story intact,evenif the market rolls over",positive +"On top of that , the US Commerce Department published worse-than-expected construction spending figures for November .",neutral +"Under the agreement , Pfizer has been funding Biotie 's research activities on the PDE10 phosphodiesterase 10 inhibitor program since its start in late 2006 and has the sole authority to develop discovered compounds .",neutral +"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 .",neutral +"says Brian Burton , Head of IT Security , Vodafone UK .",neutral +"Net cash from operating activities was a negative EUR 0.3 mn , compared to EUR 30.9 mn in 2009 .",neutral +The total need for staff cuts corresponds to about 300 man-years .,neutral +"Within the framework of the partnership , Nokia Siemens Networks has signed an initial framework purchase agreement with Sitronics subsidiary , JSC Mikron , which is the largest manufacturer and exporter of microelectronic components in Russia .",positive +The estimated annual value of the frame agreement is about EUR 50mn .,neutral +The company expects its net sales in the first half of 2008 to reach the previous year 's level .,positive +"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 .",neutral +"Russia 's top container shipping group , Fesco , and Finnish logistics company Nurminen Logistics have started a pilot project offering clients direct intermodal transportation service from Finland to Asia Pacific countries , Fesco said in a statement .",positive +Operating profit fell to EUR 23.26 mn from EUR 32.86 mn .,neutral +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 .,positive +"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. .",neutral +"Berkshire discloses unit's ties to Iran, opens probe",negative +The aim is to convert the plants into flexible manufacturers of new and technologically demanding products .,positive +"Today , we are connecting people in new and different ways - fusing advanced mobile technology with personalized services to enable people to stay close to what matters to them .",neutral +"In the Baltic countries , sales fell by 42.6 % .",negative +"For 24-hour news , try ICIS news www.icis.com Click `` trial '' , then ICIS news",neutral +"In Finland , 71 % of paper and paperboard is reclaimed .",neutral +"A total of 750,330 new Citycon shares with a nominal value of EUR 1.35 per share were subscribed in December exercising the A-B-C options based on the company 's stock option plan 1999 .",neutral +$GRPN might be selling off ahead of $P earnings...,negative +"The above mentioned shareholders will suggest that a monthly salary of EUR 1,400 would be paid for the Board members outside the company .",neutral +Arm profits and sales up as shift away from mobile gains pace,positive +"Incap Contract Manufacturing will carry out the manufacturing for these agreements at its factory in Tumkur , near Bangalore .",neutral +Cargo volume increased by approximately 5 % .,positive +$GOOGL Hit With Lawsuit from Russian Search Engine $YNDX http://stks.co/b1kD8,negative +$AAPL Action into the close indicates that $AAPL probably hit a near term high. Momentum slowing after a huge run.,positive +"So far the company has awarded more than $ 350,000 worth of tools and materials .",neutral +"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 .",negative +Aviva Fined $27 Million by U.K. Regulator Over Fee Failings,negative +"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 .",negative +"The bank also expects additional costs , related to the Dash 8 - Q400 jets , which the group shelved in October 2007 .",neutral +The turbines are expected to be launched by the end of 2012 .,neutral +"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 .",neutral +Shell offers 50 percent premium to buy BG for $70 billion,positive +Lean System supports change management and component purchasing extremely well .,positive +Incap Furniture is presently negotiating staff cuts .,negative +"To see more of New Haven Register , or to subscribe to the newspaper .",neutral +"Production levels have been agreed with producers a long time ago , so a fall in consumption will lead to losses .",negative +$NVDA sideways,neutral +Diageo Shares Surge on Report of Possible Takeover by Lemann,positive +`` Our approach is very much to only use raw materials that are produced in line with the principles of sustainable development .,neutral +"` 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 .",neutral +"Ahlstrom , headquartered in Helsinki , Finland , is a global company involved in the development , manufacture and marketing of high performance fibre-based materials .",neutral +"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 .",neutral +"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 .",positive +"Key reasons to read this report : - Report contains only relevant information , leaving out excessive data .",neutral +Adobe Receives New Rating from Top Analyst $ADBE https://t.co/LJNXPEvHZN,positive +"As part of the agreement , Aspocomp will also give Meadville a 10 pct slice of a subsidiary operating in Oulu , Finland .",neutral +"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 .",neutral +Diluted earnings per share ( EPS ) stood at EUR 0.25 versus EUR 0.42 .,negative +$VRTX early technical BUY signal... for confirmation > 86 it needs some fundam. incentive https://t.co/QuYSrqFo2x,positive +The energy-efficient data center will be built by combining an effective energy solution with state-of-the-art technology .,positive +Johnson Matthey raises prospect of investor payout,positive +"The chain has been trying to cut its own costs , pressuring vendors such as fitness equipment manufacturer Precor to slash prices .",neutral +"Aldata Solution , a global company engaged in supplier to consumer business process optimization , has announced the details of its Dollars for Dinosaurs program .",neutral +Also the development of online businesses will continue .,neutral +"`` Method and System for Controlling a Hard Disk Drive Using a Multimediacard Physical Interface '' was invented by Marko Ahvenainen Ruutana , Finland .",neutral +Fortum had previously bought the state-held stake in TGK-10 from RAO UES during its reform .,neutral +"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 .",positive +US dollar wipes out sales gains for SABMiller,negative +"Revenue grew by 2 percent to x20ac 580 million $ 743 million , from x20ac 569 million .",positive +"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 .",positive +$WX Decent pull back . .,negative +"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 .",neutral +$ENDP Was looking for a long entry but today's price action wasn't appealing,neutral +Covered my small $MWW short @ 7.99 for a .16 loss. Flat on the day. All cash now.,positive +Return on equity stood at 18.3 % compared to 15.4 % in the third quarter of 2005 .,positive +"The negotiation has resulted in the reduction of 80 people in regular employment , around half of which will be covered with pension arrangements .",negative +$ACOM http://stks.co/1G6x Downside breakout looks to be coming soon.,negative +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 .,positive +"78 users on Vetr are bearish on Tesla Motors, Inc., indicating a SELL Rating (2 stars) for $TSLA https://t.co/vVpzqCXsNJ",negative +"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 .",neutral +"CapMan , the Stockholm-headquartered private equity firm , has held a first close on its second private equity real estate fund as it continues its push into the property sector .",neutral +The compnay also said that it would lower the price of development projects by about one third compared with last November .,neutral +"The Nokian tyre proves its high safety excellently in the important driving qualities stability with mark 1.4 , handling 1.5 and braking on wet road with 1.9 .",positive +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 .,neutral +High winds also toppled three semi-trailers on I-15 north of Barstow .,neutral +Ruukki signed the contract with Norwegian company Veidekke Entreprenor AS .,positive +"Konecranes has previously communicated an estimated reduction of about 1,600 employees on group level in 2009 .",neutral +$GOOGL is setting up above its 50-day moving average. https://t.co/tTm9RnFoXJ,positive +"The deal includes all rental equipment and related merchandise , the rental contract of the depot and two employees , the company said .",neutral +Operating cash flow after investments totalled EUR 61.3 mn compared to EUR 75.3 mn in the corresponding period in 2007 .,negative +"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 .",neutral +`` The issues identified by Stonesoft affect a range of content inspection technology .,neutral +Pharmaceuticals group Orion Corp reported a fall in its third-quarter earnings that were hit by larger expenditures on R&D and marketing .,negative +5-star analyst @brianwieser from Pivotal Research upgraded rating on $GOOGL to BUY. Brian has a 79% success rate https://t.co/t0dn02EOH5,positive +Hobby Hall 's sales decrease 26 pct due to implementing a new information system that involved changing in the principal of posting sales .,negative +"Last year , 8.3 million passengers flew the airline , down 4 percent from 2007 .",neutral +"Operating loss totalled EUR 3.2 mn , compared to a profit of EUR 7.2 mn in the third quarter of 2008 .",neutral +Subscription sales decreased slightly .,neutral +"( 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 .",positive +Finnish sports equipment company Amer Sports said it has decided to lay off 370 workers from its Salomon division in France .,neutral +The original contract was signed last summer .,neutral +"In the first quarter of 2008 , Sacanfil 's net sales totalled EUR 50.0 mn and its operating profit EUR 4.7 mn .",neutral +$SPY c'mon bulls buy DIPS!,positive +"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 .",neutral +"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 .",positive +"According to him , construction work will start in spring 2007 , and the facility is to be commissioned in spring 2008 .",neutral +$FB & $TSLA cracking lower early. $short #correction #stocks,negative +"Operating profit was EUR 24.5 mn , up from EUR 23.0 mn .",positive +The total capital of funds managed by the bank decreased by 28 % to EUR 284mn by the end of September 2008 .,neutral +"Commission income decreased to EUR 3.8 mn , compared to EUR 4.6 mn in the third quarter of 2007 .",neutral +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 .,positive +"Niina Nenonen , Marimekko 's current director for clothing , bags and accessories lines , will take up this role .",neutral +Homeowners across North America have green experiences to share from cost savings to clean and eco-friendly heating .,neutral +Pharmaceutical market in Italy Global Research & Data Services published recently a market analysis about the pharmaceutical markets in Italy .,neutral +"`` This transaction supports Huhtamaki 's strategic review of rigid plastic consumer goods operations '' , says Huhtam+ñki Oyj 's CEO Jukka Moisio .",neutral +"Britain's FTSE steadies, supported by Dixons Carphone",positive +"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",positive +Finnish media group Talentum has issued a profit warning .,negative +"The train is expected to cross the Russian territory in 9 days , reaching the Vostochny port .",neutral +"FTSE 100 drops 2.5 pct on Glencore, metals price fears",negative +The acquisition is part of Ramirent 's strategy to strengthen its position in selected locations .,positive +HK Ruokatalo 's target is to know the consumers .,neutral +$SBUX getting sold here.,negative +Strategic and operational business information is objectively reported .,neutral +With this acquisition Panostaja Oyj further expands its business area specialising in digital printing .,positive +"Via the move , the company aims annual savings of some EUR3m , the main part of which are expected to be realized this year .",positive +Net sales in 2006 totaled EUR 302 million and the operating margin was 16 % .,neutral +"However , the growth margin slowed down due to the financial crisis .",neutral +"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 .",neutral +"`` 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 .",positive +Kone said in court papers that the union action delayed repairs to elevators at the federal courthouse on Jan. 21 and the Saltonstall state office building on Jan. 23 .,negative +The concept enables a commercially affordable way to manufacture high-quality TCO coated glass for the solar industry .,positive +Performance in the second half of 2009 exceeded expectations .,positive +$ES_F. Nice little cup-and-handle shaping up on the 15-minute. End-of-day $SPY $SPX favours a good day for the index. Will we see a gap open,positive +"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 .",neutral +Amazon has been selling surveillance cameras infected with malware $AMZN #Amazon https://t.co/TohLEQ8FK6 https://t.co/5PR4cBtVVy,negative +Net sales dropped by 6 % year-on-year to EUR 11.9 million .,negative +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 .,neutral +"The scheme for TeliaSonera and Altimo is practically identical , except that it involves the merger of their stakes in VimpelCom and Kyivstar .",neutral +"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 .",negative +"a January 11 , 2010 EPHC board of directors has approved an increase in the quarterly dividend from $ 0.03 to $ 0.05 per share .",positive +$IWM relative weakness is pretty apparent but the short boat is getting full on this one. I prefer the boat closer to empty.,negative +"`` The second quarter of 2010 was the firstquarter with growth in net sales since the third quarter of2008 , '' said Magnus Rosen , Ramirent CEO .",positive +"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 .",positive +The second-quarter net sales are expected to be on par with the first quarter of 2009 .,neutral +"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 .",neutral +L&T also acquired a 50 pct stake in local sector company Salvor Oy at the beginning of September 2007 .,neutral +bot $AMZN 600 weekly calls here @ 5.93,positive +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 .,negative +"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 .",negative +"The Estonian electronic components factory , Elcoteq , is running out of material because of the closure of air traffic .",neutral +$BBRY Ready for Take OFF!,positive +"Nine banks including Barclays, Citi, agree to pay $2 billion to settle forex ...",negative +"As a result of these transactions , the aggregate holdings of Burrill Life Sciences Capital Fund , L.P. has decreased below 5 per cent of the total number of shares and votes of the Company .",neutral +Diluted earnings per share ( EPS ) declined to EUR 0.78 from EUR 1.76 .,negative +"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 .",neutral +"After the sale , Savcor Group Ltd will comprise Savcor ART , a corporate function and an investment in Cencorp Corporation .",neutral +Amazon's grocery deal with Morrisons is only the beginning,positive +"According to Finnish FIM Bank , Alpro 's price would be around EUR 100mn-150mn .",neutral +Net sales decreased to EUR 220.5 mn from EUR 470.0 mn in the corresponding period in 2009 .,negative +Teva: FDA Approves Generic Version of AstraZeneca Heartburn Drug,positive +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 .,neutral +"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 .",positive +"Cost cutting measures , which have produced around EUR70m of savings over the past nine months , have dampened the airline 's loss , Finnair said .",positive +$IACI http://stks.co/tJU Looks good on the weekly chart.,positive +Viking Line head Jan Kaarstroem told TT that his company 's ferries were well equipped to handle ice and that all the passengers were safe .,positive +"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 .",positive +AstraZeneca And Daiichi Sankyo To Jointly Commercialise MOVANTIK In The US,positive +"All the ferries had run into trouble just outside the Stockholm archipelago , made up of more than 20,000 islands .",negative +With this appointment Kaupthing Bank aims to further co-ordinate Capital Markets activities within the Group and to improve the overall service to clients .,positive +$SPY Tomorrow party time for the Bears!! $GOOG and $MSFT -5.5%,negative +"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 .",negative +The bank VTB24 provides mortgage loans to buy apartments in the complex at 11-13 % per annum in rubles .,neutral +"Last year , 8.3 million passengers flew the airline , down 4 percent from 2007 .",negative +"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 .",neutral +"The sellers include 40 shareholders , including Intellibis management , employees and other investors .",neutral +The insurer anticipates its share in Nordea 's net profit to be significant .,positive +"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",positive +The company reported today an operating loss of EUR0 .1 m on net sales of EUR4 .5 m for the first quarter 2008 .,neutral +"Operating profit totaled EUR 825mn , up from EUR 763mn in 2004 .",positive +Capitex Kalmar will continue to be responsible for the maintenance and technical development of the services .,neutral +`` Directors and shareholders alike should ask why these practices were allowed to continue . '',neutral +"CEOs of BPM, UBI meet Italy econ minister as M&A talk heats up",positive +"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 .",neutral +"The business is organised , as of February 1 , 2011 , in a way that production of design services is combined into one entity , Etteplan Operations .",neutral +"Following the increase , Huhtamaki Oyj 's registered share capital is EUR 358,706,290.00 and the number of shares outstanding is 105,501,850 .",neutral +"It generated an operating loss of EUR 96.3 mn , down from a profit of EUR 43.9 mn .",negative +"In the first half of 2008 , the Bank 's operating profit fell to EUR 11.8 mn from EUR 18.9 mn , while net interest income increased to EUR 20.9 mn from EUR 18.8 mn in the first half of 2007 .",neutral +Elcoteq 's revenues in 2007 were approximately EUR 120 million .,neutral +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 .,negative +"Nevertheless , its market share rose to 49.14 percent from 48.51 percent a year earlier .",positive +`` Our design team has long admired Marimekko 's vivid patterns and colors .,positive +"FTSE falls to 3-month low on Greek debt concerns, easyJet skids",negative +Its market share widened to 48.51 percent from 48.31 percent a year earlier .,positive +"The negotiation has resulted in the reduction of 80 people in regular employment , around half of which will be covered with pension arrangements .",neutral +UPDATE 1-AstraZeneca boosts respiratory unit with $575 mln Takeda deal,positive +Net sales fell by 33 % from the third quarter of 2008 to EUR 130.5 mn .,negative +"`` 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 .",neutral +"Goldman Sachs, Barclays, HSBC downplay Brexit threat",neutral +"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 .",negative +Do it for me' trend underpins UK sales growth at Kingfisher,positive +"Food sales totalled EUR 323.5 mn in October 2009 , representing a decrease of 5.5 % from October 2008 .",negative +"Marubeni has participated in GHG - Green House Gas - emission reduction projects overseas , obtained emissions credit from its projects and has provided these to Japanese clients .",neutral +"According to statistics by the Finnish Maritime Administration , shipping did not increase much in January-August 2009 , however .",neutral +"Westend ICT Plc s new 409,665,891 shares and increase of share capital with EUR 2,000,000 based on the resolutions of extraordinary shareholders meeting on 27 December 2010 have today registered in the Trade Register .",neutral +The fund at fair value will increase correspondingly .,positive +"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 .",positive +The inventor was issued U.S. Patent No. .,neutral +"In September alone , the market declined by 10.2 percent year-on-year to 19.28 million liters .",negative +"Strong brand visibility nationally and regionally is of primary importance in home sales , vehicle and consumer advertising .",neutral +This is the first time Finnair has been awarded an agreement with the UK government .,positive +"Following the move , Stora Enso holding in NewPage will remain unchanged .",neutral +expecting $SPY to close above 205.20 $AAPL,positive +"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 .",neutral +"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 .",positive +"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 .",neutral +AstraZeneca suffers setback after drug fails to treat eye cancer,negative +Sanoma Magazines International will invite other shareholders holding approximately 15 % of the shares to sell their shares .,neutral +`` This could be us .,neutral +`` The trend in the sports and leisure markets was favorable in the first months of the year .,positive +"Pre-tax profit totaled EUR 397.4 mn , up from EUR 164.7 mn .",positive +Berkshire applies to boost Wells Fargo stake above 10 percent,positive +"Moreover , Konecranes and Kito intend to transfer the hoist distribution business of Konecranes ' Japanese joint venture MHS Konecranes to Kito .",neutral +The company did not disclose the price of the acquisition .,neutral +Fancy Dans on the move FAB Glasgow gift and interiors store Fancy Dans is moving !,neutral +Starbucks' Digital Strategy To Drive Significant Growth With Customer Loyalty https://t.co/9Q7cI79IYO $SBUX,positive +"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 .",neutral +"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 .",neutral +The amendment will not incur additional costs .,neutral +"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 .",neutral +The mill has long traditions and holds an established position in the markets .,positive +"Lots of metal stocks look like a 5-10% run awaits. Long $SSRI,$PAAS and $NEM but most high quality names should go if metal prices cooperate",positive +"$ENDP - we saw a large order in this one last week, someone also accumulating May & Jun 35's Calls today",positive +Thank you $GOOG (Google Alphabet) and $FB (Facebook) stocks! What a nice reversal.,positive +About Elcoteq Elcoteq SE is a leading electronics manufacturing services ( EMS ) company in the communications technology field .,positive +"The company operates worldwide and employs in total approximately 47,000 persons .",neutral +Okmetic Board of Directors has also decided on a new share ownership program directed to the company 's top management .,neutral +"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 .",positive +Aspocomp has a large factory in China and a factory building project in India that was halted due to financing problems .,negative +"$TSLA on fire, what is that 6 up days in a row. Someone neeeeds!! in",positive +"October-December sales were 302 mln eur , or a 25.3 pct increase year on year .",positive +GE is building the facility with wind power developer Invenergy Wind LLC .,neutral +"UPDATE 1-BHP Billiton's credit ratings fragile in FY16, agencies warn",negative +"( ADP News ) - Nov 3 , 2008 - Finnish paper , packaging and forest products company Stora Enso Oyj ( OMX : STERV ) said today that it would invest EUR 137 million ( USD 176.6 m ) in the building of a power plant at its Ostroleka Mi",neutral +The transaction was announced on September 29 when Pohjola Insurance agreed to pay EUR 80 million ( USD 106.3 m ) in cash for Pohjantahti .,neutral +"Previously , it projected the figure to be slightly lower than in 2009 .",neutral +"The total value of the project is about EUR53m , including the plots that will be transferred to Atria .",neutral +Operating profit rose to EUR 27.8 mn from EUR 17.5 mn in 2008 .,positive +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 .,neutral +"According to the prosecutor , the share transactions were carried out after HK Ruokatalo had proceeded in the negotiations concerning the acquisition of Swedish Meats .",neutral +"Operating profit totalled EUR 9.6 mn , down from EUR 42.0 mn the year before .",negative +Arm slammed by handset sales outlook,negative +"Britain's FTSE gains, Land Securities up after dividend hike",positive +Builder Persimmon hails 6% rise in house sales,positive +Most of the dividend will go to the Grimaldi family .,neutral +"Economic development in China is no longer taking place only on the East coast and in the Shanghai area , Vauramo says .",neutral +"Jun. 14 , 2009 ( AOL Weblogs delivered by Newstex ) -- Looks like the E71 is about to be upstaged as Nokia 's ( NYSE : NOK ) premier business-class smartphone -- someone in Espoo 's just hit the corporate YouTube account with this promo video for an E72 .",neutral +$NIHD insiders got this one wrong. Looking for bottom. Rsi under 30,negative +"Laavainen said Benecol was well known in Europe and the US , where it had been in the market for 15 years .",neutral +"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 .",neutral +"potential defect with third-row seat belts. Tesla Motors recalls 2,700 Model X SUVs $TSLA https://t.co/YVYDncdNdi",negative +"Altogether CapMan employs approximately 150 people in Helsinki , Stockholm , Copenhagen , Oslo , Moscow and Luxembourg .",neutral +"The segments through which the company operates are Frozen Food business , Seafoods , Vegetable Oil business , Grain Trading and Other business operations .",neutral +"Based on negotiations with personnel , some 20 % have indicated their willingness to move to the new location .",neutral +France raises concerns over proposed LSE-Deutsche Boerse deal,negative +"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 .",neutral +"Sullivan said some of the boards `` really involve a lot of work , and people should get paid for their time . ''",neutral +The expansion will be delivered in the fourth quarter of 2006 .,neutral +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 .,neutral +"According to Karhinen , OP-Pohjola is an exciting enterprise because the cooperation will bring huge opportunities for customers and the company itself .",positive +"U.K. Stocks Resume Gains to Rally to Record; CRH, Tullow Climb",positive +$FIO won't stay down,positive +"The decision reflects the underutilisation of the line , which produces nonwovens used in medical and wipes applications as well as for the automotive industry .",neutral +The court found TelecomInvest 's arguments convincing .,positive +"The largest restructuring is planned for Italy , where negotiations on about 40 job cuts are to be initiated today , the company noted .",neutral +"Operating profit totaled EUR 9.4 mn , down from EUR 11.7 mn in 2004 .",negative +Earnings per share EPS in 2005 decreased to EUR0 .66 from EUR1 .15 in 2004 .,negative +"MD Henning Bahr of Stockmann Gruppen praises the trend , since the chains become stronger and their decision-making processes more clear .",positive +The investments and operational changes enable additional optimisation of the working hours and thereby further cost savings of some 7 % -9 % .,positive +CompaniesHome Retail trims gains but is considered 'in play',positive +Net sales decreased to EUR 220.5 mn from EUR 470.0 mn in the corresponding period in 2009 .,neutral +"SINGAPORE ( ICIS ) -- ( 1 ) Kemira and Indian water infrastructure firm ( 2 ) IVRCL have agreed to form a join venture which includes a new inorganic coagulant manufacturing facility in Andhra Pradesh state , India , the Finnish water treatment chemicals maker said on Tuesday .",positive +"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 .",neutral +This will bring cost savings of about EUR 3mn a year .,positive +RT @Street_Insider The Steve Jobs Effect? Apple $AAPL First Day iPhone 4S Sales Were Off the Charts http://stks.co/YYe,positive +"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 .",neutral +Market share decreased on the route between Helsinki in Finland and Tallinn in Estonia by 0.1 percentage points to 24.8 % .,neutral +"Finnish Suominen Flexible Packaging is cutting 48 jobs in its unit in Tampere and two in Nastola , in Finland .",negative +$mako hanging in well today. still in a basing pattern. have eyes on it,positive +"This could be any of us at any time , '' she said .",neutral +Catalysts segment includes refinery catalysts and polyolefin catalysts product categories .,neutral +"HELSINKI Thomson Financial - Shares closed little changed , with Cargotec and Huhtamaki dropping sharply on disappointing second-quarter reports .",negative +"As part of the reorganisation , Pohjola Insurance 's 250 field staff for private customers will join the payroll of local cooperative banks from the beginning of October 2008 .",neutral +"Simultaneously , Alma Media has purchased a 35 % share of Arena Interactive , a subsidiary of Arena Partners with a focus on mobile solutions development .",neutral +"The Estonian beverages maker A. Le Coq today brought to the market a new premium class beer , A. Le Coq Special , investing 6 million kroons EUR 383,000 into its development and planning to sell three million liters of the beer during the next year .",neutral +"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 .",neutral +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 ) .,positive +"$CELG back near 104, where it opened and rallied higher last wk. A good place to take a shot https://t.co/zwHThSvFSF",positive +"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 .",neutral +"The transaction is subject to a final agreement between the parties , approvals of their decision-making bodies and approval by the Finnish Competition Authority .",neutral +"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 .",neutral +"In 2009 , KONE had annual net sales of EUR 4.7 billion and approximately 34,000 employees .",neutral +"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 .",positive +"Still short $LNG from $11.70 area...next stop could be down through $9.00. Someone slammed it hard with 230,000 shs this am! More to follow",negative +UPDATE 3-Stifel to buy former Lehman brokerage from Barclays,positive +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 .,negative +Greene King's third quarter sales boosted by festive season,positive +"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 .",neutral +Investors Remain Skeptical About Shell-BG Deal,negative +Piper upgrades Symantec on improving renewal rates and enterprise growth $SYMC,positive +Profit before taxes decreased to EUR 31.6 mn from EUR 50.0 mn the year before .,neutral +The Group also has a strong global position in other fishing categories .,positive +"The remaining amount will be funded through debt , the Danish bank said .",neutral +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 .,neutral +"Ixonos estimates that it will hire 20 specialists in mechanical engineering , electronics design , and R&D for its new unit in Jyvaeskylae by the end of 2009 .",positive +`` This is a win for all OEMs targeting to develop WiMAX products .,positive +"According to Barclays , the F-Secure software will protect users from hackers , viruses , spyware and other digital attacks .",neutral +"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 .",neutral +MillerCoors Delivers 2.9% Underlying Net Income Growth for 2014,positive +"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 .",neutral +"In 2009 , it reported net sales of approximately EUR 6mn .",neutral +"H1 '08 H1 '07 Q2 '08 Q2 '07 in mln euro , unless otherwise stated Net sales 386 328.6 201 160.7 Operating profit 46.3 35.8 23.2 9.5 Pre-tax profit 33.6 26.9 18.7 5.1 Net profit 25.1 25.4 14 4.0 EPS in euro 2.20 2.36 1.24 0.38 1.0 euro = $ 1.60 www.componenta.com",neutral +`` Low energy consumption and flexible loading are just a few of the advantages of the CHF Pro . '',neutral +$SPY $MITK fast 56pc dive http://stks.co/3ffN $$,negative +Investment management and investment advisory services are the company 's sole line of business .,neutral +Market Report: Eight-day rally ends for FTSE 100 and Standard Chartered,neutral +"At this growth rate , paying off the national debt will be extremely painful .",negative +"Reuters: Green Mountain revenue misses, shares plunge http://stks.co/13mW > $GMCR prints 43.80, market in a foul mood, bad day to disappoint",negative +Clothing chain Sepp+ñl+ñ 's net sales increased by 7.0 % to EUR 30.8 mn .,positive +The administrators have indicated a need for 900 job cuts at the Irish insurer over the next 15 months .,negative +"The new office , located in Shenzhen , will strengthen Vaisala 's already 10-year old presence in China .",positive +"However , the total orders received will still be above last year s levels .",positive +Rivals say Qualcomm has fewer patents on 3G phones than on earlier versions and should lower its rates .,neutral +"$QCOM The indicator RSI is over 50, which stands at 56.1, an upward movement is expected. https://t.co/yfa9jcUsQa",positive +$FB they are hitting everything in sight.short it. but twtr,negative +$GOOG resistance turned support? It,positive +$BOBE down $2.84 premarket,negative +"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 .",neutral +The impact on TietoEnator 's net sales for 2008 from the purchase is expected to be some 11 mln euro $ 15.9 mln .,neutral +"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 .",positive +The acquisition of Boomeranger Boats Oy is in line with the Done Solutions strategy of developing its business through company acquisitions .,positive +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 .,positive +$ACAD under $2 today?,negative +$CERN - consolidating above 50 & 200 MA - nice long entry here w stop below 10 MA - targeting $70 area,positive +"Last month we added to our $GILD position and started a new one in $BWLD We see slow, steady, unspectacular growth going forward near term",positive +$PAY 2nd time test of the 21.20-30 b/o zone. Still not breaking out. Moved my stop up to 20.80.,neutral +"Finnish electronics contract manufacturer Scanfil reports net sales of EUR 241.2 mn in 2006 , down from EUR 321.6 mn in 2005 .",negative +"At end-August , Sampo was Nordea 's biggest shareholder with a 20.6 % stake , followed by the state with 19.9 % .",neutral +"Therefore , Phase III of the research will not be conducted by Abbott .",neutral +"`` In the newly formed company YIT Stavo the local contact network , expertise and market know how of Euro Stavokonsult will be combined with YIT 's housing concept , '' said Juha Kostiainen , Yit 's Vice President , Corporate Communications and Business Development .",positive +Friends Life lifts profits 38% and hikes divi ahead of proposed Aviva takeover,positive +The machinery now ordered will be placed in a new mill with an annual production capacity of 40 000 m3 of overlaid birch plywood .,neutral +"( 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",negative +"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 .",neutral +"$SBUX down PM, from $DB downgrade.. PT cut from 70 to $64",negative +"Swedish , Finnish and Danish listed companies are organized in three market cap segments , Nordic Large Cap , Mid Cap and Small Cap .",neutral +Finnish developer and manufacturer of mobile phone chargers Salcomp Plc OMX Helsinki : SAL1V on Wednesday 19 November lowered its full-year net sales estimate .,negative +Operating profit fell to EUR 38.1 mn from EUR 55.3 mn in 2007 .,negative +"In 2008 , Kemira recorded revenue of approximately EUR 2.8 billion and had a staff of 9,400 .",neutral +Investments in product development stood at 6.0 mln euro ( $ 8.8 mln ) .,neutral +HSBC Says Unit to Book $585 Million Charge on Settlement,negative +Daily Mail parent company in talks with potential partners about joint bid for Yahoo's internet assets: https://t.co/mK7MEMtADT $YHOO,positive +RISING costs have forced packaging producer Huhtamaki to axe 90 jobs at its Hampshire manufacturing plant .,negative +Nordic Walking was first used as a summer training method by cross-country skiers .,neutral +"According shipping company Viking Line , the EU decision will have a significant financial impact .",neutral +"In the building and home improvement trade , sales decreased by 22.5 % to EUR 201.4 mn .",neutral +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. .,positive diff --git a/src/Data/tweet1.csv b/src/Data/tweet1.csv new file mode 100644 index 0000000000000000000000000000000000000000..648390c65344b52a7591e842489f16d098a29140 --- /dev/null +++ b/src/Data/tweet1.csv @@ -0,0 +1,919 @@ +sentiment,mots clés,date,username,tweet +0,,"05/21/2021, 19:24:07",Da_RealKevin,"""Also, who started the rumor this was pink?"" HAHAHAHAHAHAHAHAHAHA (valk of the metaverse description)" +1,"""friendly""","05/17/2021, 21:11:53",lucas_aste,"""Being sustainable has always been a strong priority for VeVe and ECOMI since our founding. Our carbon neutrality pledge is a step toward making NFT digital collectibles and the digital AR metaverse part of a green, environmentally friendly future.""" +1,"""new ""","05/22/2021, 20:08:29",DCLjasonx,"""Businesses and shops are opening up in virtual worlds, and Boson Protocol made history this month with the world’s first billboard recruitment campaign in the Metaverse"" Welcome to the NEW AGE 🚀 #Decentraland" +0,,"05/22/2021, 20:10:08",DCLjasonx,"""Developers are creating technologies that will allow us to try on clothes in the Metaverse and buy them for our avatar, for our real-life bodies, or for both""" +-1,"""dare""","05/16/2021, 21:07:26",darkforest_eth,"""Do I dare describe the Metaverse? In a block minute there is time for visions and revisions which a minute will reverse""" +-1,must,"05/16/2021, 21:18:00",PottsJustin,"""I must study politics and war so that my sons have the liberty to study math. My sons ought to study architecture, and commerce so their children may study poetry & music. And they ought to study art so that their kids may study crypto and the metaverse."" -John Adams" +-1,"""not sure"" + emoji","05/19/2021, 18:11:50",JuandeGomezGV,"""If you take metaverse, SPAC, and cryptocurrency, put them all together, in five years will any of this matter? I'm not sure it will."" SZ 🙄" +-1,,"05/23/2021, 20:46:14",dapoohda,"""The Metaverse will not be streamed.""" +1,,"05/22/2021, 20:01:43",DCLjasonx,"""Why now might be time to consider buying virtual land in the metaverse of Decentraland""" +-1,"""no"", ""anything""","05/25/2021, 14:19:15",Furi_da,"""metaverse power"" mona: think hard enough and those coffee will restore your SP ren: okay lavenza: think hard enough and you'll be able to dance ren: that makes sense maruki: think hard enough and you'll be happy :) ren: no. anything but this" +1,"""universal""","05/20/2021, 19:27:38",thewizardanorak,#Bitcoin and #Crypto is universal database with a built in financial system for the global metaverse. Something the current fiat system cannot do. +1,"""solid""","05/17/2021, 21:35:13",chen2rong2,"#Bitcoin blockchain is the solid foundation of #Elastos #Smartweb, at least for now— simple, tamperproof, unbiased & mathematically sound. Energy burned for building a trustworthy Metaverse, who’s to say they are wasted?" +0,,"05/19/2021, 15:52:00",yonah369,#Cryptocurrencys like #XRP @Ripple will be used “like cash” in the #Metaverse 💯 +0,,"05/18/2021, 15:05:59",theseoulvillage,"#Korea #metaverse alliance with 25 key players (#HyundaiMotors, #Kakao, #Naver, #SKT, #KT, #LGUplus...)" +1,,"05/21/2021, 01:32:10",theseoulvillage,#Metaverse #golf: #KakaoVX to live-stream the #SKTelecom Open 2021. NB #Kakao #VX has nothing to do with #NorthKorea cocktails... +1,"""!""","05/21/2021, 17:50:23",TheQuickestHere,#Metaverse 10 minutes! +1,"""let's gooo""","05/21/2021, 17:39:31",TheQuickestHere,#Metaverse 20 mins left let's gooo +0,,"05/27/2021, 00:21:06",_MikeeZero,"#NFTartists I have questions. How much do copyright laws apply when it comes to the #Metaverse? If you sell a piece, and someone wants to make it into a t-shirt in @TheSandboxGame, for example, can you add a disclaimer or rider to the sale that forbids that?" +0,,"05/17/2021, 22:43:25",fravincenti1,"#NFTs enable the birth of a complete virtual economy. Through NFTs people rather than just sharing their digital files on social media, they can now own them (I.P.) as personal items, trade and transport them through the Metaverse." +-1,"""break""","05/25/2021, 13:04:26",lucrafund,"#NFTs have been grueling since we all barged in in March 2021. Give yourself a break, a week if you have to, outside the metaverse, you deserve it" +1,"""Jump""","05/19/2021, 20:53:57",TheSandboxGame,"#NowStreaming ️ Jump into the #Metaverse with @KamiSawZe and @TheVisionEx, as they play YOUR Game Maker creations LIVE! #NFT #NFTs #gamedesign #gamedev #indiedev" +1,"""lets go""","05/18/2021, 03:30:17",PresidenteANON,#SAFEMOON people I assume you heard what I am saying now let us suck everyone into the #MATIC metaverse. Everyone lets go! LFG! +1,"""boom""","05/27/2021, 16:23:06",Djoker_play,#nft #metaverse #games will boom like anything in this decade +1,"""amazing""","05/27/2021, 21:43:52",CapetainTrippy,$Eth is the currency of the metaverse. It’s also an amazing SoV and internet bond. Some might call it a triple point asset. ETH IS MONEY!! pass it along. The most bullish thing for ETH is to be understood. @BanklessHQ +0,,"05/18/2021, 01:31:07",VenturaCaptl,$RBLX Roblox and Gucci teamed up to bring luxury items to the metaverse. +1,"""high bar""","05/24/2021, 23:30:34",skatterbrainzz,"metaverse' sets a high bar. The upgrade team will be under a lot of stress to top that. Maybe ""ultraverse"", ""megaverse"", ""turboverse"", ""maxiverse"", ""superduperverse"" or ""omfgaverse""" +-1,"""not enough""","05/22/2021, 06:02:50",RobertRice,"(1) The metaverse needs both AR and VR together to fully realize its potential. A multiverse of disparate game worlds and social VR is not enough. A link to the real world brings context, relevance, and tangible value, especially when digital assets have real world ties." +-1,,"05/19/2021, 03:09:16",Crrhyme,"*Reads the calling card, eyes glow yellow and I switch to my metaverse outfit as my shadow form of myself switches over* No.. No, they will never take away my stuffed animals..! I am NOT too old for them!!! No!!!! NO!!!!" +1,"""finally""","05/26/2021, 21:10:45",zimele_mthembu,"- finally attending sessions I’ve been here for 🥺.. building digital twins, mixed reality and metaverse applications 🔥🤌🏾 #MSBuild #MSBuild2021" +0,,"05/26/2021, 09:09:02",DCLjasonx,"--Bit of a sneak peak for @Decentraland FAM 😀 -- ""it's looking increasingly likely that the user generated wearables tool will be released next week. It will then be possible to mint your own wearables"" #Decentraland #Metaverse #MANA" +1,"""fan""","05/23/2021, 15:26:37",NumanUK,. @DanielArsham welcome to the metaverse. big fan of your work 🤝✨ +1,"""happy""","05/28/2021, 13:23:49",Alien6_nft,...:.:... ...:.:... ...:.:... ...:.:... Happy Friday Humans This weekend will be 🔥 The #nft Space is for #NFTartists & #nftcollectors & all who 💚 of #nftart Please be kind in the Metaverse. We have an opportunity to prove we can help.. +1,"""cool""","05/27/2021, 19:43:19",mr0chill,.@eddiegangland is joining the metaverse so I guess it’s cool now +0,,"05/21/2021, 20:07:07",AndrewS40284991,".@up2land I bought 40 properties in #StatenIsland(#Upland #Metaverse). Woke up too late to buy anything in #Bakersfield. I know the floor is a bit less than the $6,800 I want for most of my #GREENTIME1 S.island props. I'll flip them to get director status.🔎276 MANOR RD. See all." +0,,"05/21/2021, 15:21:25",NxtDimStudios,//hello metaverse +1,"""rise"", ""necessity""","05/16/2021, 07:58:10",verto0912,"1/ #Metaverse is on the rise. The economic & social implications of open, inclusive & self-sovereign digital worlds are hard to overstate. For those reasons alone, metaverse is the future. But there’s another story here. In fact, metaverse is not a luxury, it’s a necessity🧵" +0,,"05/24/2021, 12:35:54",Enter_Realm,1/ So what’s Realm anyway? We’re an #NFT metaverse platform where creators can make customisable microverses ⚡ +0,,"05/25/2021, 22:15:17",AdamDraper,"1/ The Metaverse is here, just not evenly distributed. Here are some of my thoughts on the state of Virtual Reality. #VR A Thread 👇👇👇👇👇👇👇👇" +1,Majuscule,"05/21/2021, 16:56:54",Anthony_2D,10 MORE HOURS UNTIL THE METAVERSE FOR PLAYING AROUND AND TAG TRAITOR LEAVE! +1,"""promising""","05/28/2021, 13:43:07",SpooksD,3. I'm generally not huge on the NFT side of the industry (atleast the art side) - but speaking like this makes me consider the #NFT #Metaverse. A bold and young mission backed by many geeks who can manifest their vision via willpower and some elbow grease. Potentially promising +0,,"05/17/2021, 06:56:18",The_Ghostbur,"5 minutes until metaverse champions week #1 crates open. Currently 11:55 in Los Angeles, aka where the roblox headquarters are." +0,,"05/20/2021, 19:04:20",vorpalslayer_,:)))) watching zenkichi lose his shit over the metaverse is great +0,,"05/19/2021, 15:20:46",TheDreamGenie,A New Dream: I wish I got my phone back before the end of the Roblox metaverse +0,,"05/21/2021, 08:34:45",MaymayProdaucer,"A bit late on this, but I helped with translating the Metaverse Champions Hub!" +1,,"05/28/2021, 15:03:21",harrissingh007,"A digital metaverse for lovers of Cannabis, Crypto, and DeFi by @BSCPad #BSCPAD #GROW✅🔜" +1,,"05/28/2021, 22:46:26",LawFarrell,"A digital metaverse for lovers of Cannabis, Crypto, and DeFi. #BSCPAD $GROW" +1,,"05/17/2021, 19:40:27",punk7635,"A friend told me about @nbatopshot on 1/31 and I bought a $2 Maxi Kleber that day. Now I literally spend nearly every waking moment learning about NFTs and DeFi and the metaverse. In honor of this WILD ride, I'd like to share my TS collection along with my reasoning for each:" +1,,"05/25/2021, 11:29:25",VigneronR,A girl that understands metaverse or nothing +0,,"05/20/2021, 07:55:16",sp4ce,A late good morning to all the #metaverse freaks out there. I hope you are still in this rollercoaster! +-1,,"05/21/2021, 18:16:44",PhoenixScarredd,A little mad now because the Roblox Metaverse Champions event was mostly about luck. There's a valk AND I GOT 3 OF THE CRATES BUT OF COURSE I CANT GET THE DEV CRATE BECAUSE @DeeterPlays LOBBYS FILL UP TO QUICK. I hope next event thats like this is not so fucking rigged. +1,,"05/22/2021, 09:28:10",CaptainSteve_RB,"A little tip for everyone. Recently we had such great events, like RB Battles & RP2, Metaverse champions and Gucci Gardens. These events had insane prizes (valks, shaders, limiteds, etc) My advise is to not judge the events from the start, beacuse you never know how they will be." +-1,,"05/18/2021, 17:58:12",jradoff,A problem with the metaverse isn't that there are walled gardens. It is that there aren't enough walled gardens. Gardens are beautiful. If we made it easier to create your own walled gardens based on open tech then I'd say the more the merrier. Just don't force me to choose one. +1,,"05/28/2021, 15:06:45",imvinaymishra,A very good Defi and Cannabis project is going to be crazy. A Metaverse game for lovers of crypto. @GROW_HOUSE_ #BSCPAD $GROW +1,,"05/29/2021, 01:31:24",CryptoShmebulok,"AHHHH @ethlings are selling out so fast! these are gonna be sooo cool in the metaverse! I didn't like my avatars eyes so I bought cool shades, wtf i love it. Makes the type of character 10x more important" +0,,"05/26/2021, 12:28:51",EriShouldBe,AJ LOST IN THE METAVERSE CHAMPIONS BUT HE'S STILL A WINNER IN OUR HEARTS 😭❤ +1,,"05/24/2021, 12:16:40",kolob0kk,AR / VR 🕶 + Geolocation 📍+ Non Fungible Assets 💎 + Self Sovereign Identity @Bloom 🔑 = 💡🤯🌏. Opportunities for creativity are limitless! #nftart #geolocation #blockchain #metaverse #virtualreality #SSI #decentralizedidentity +0,,"05/24/2021, 01:59:03",vicyorpost,AYO I KUST WENT “that sounds like mement-“ AND THEY STARTED GOING TO THE METAVERSE IM SO GOOD AT PREDICTING STUFF WOW +1,,"05/29/2021, 08:37:37",AlleyUncanny,Aaaaah the metaverse. You bring so much joy. +0,,"05/18/2021, 14:05:00",RLC_Roblox,According to yesterday the #MetaverseChampions week 3 crates should open around 3 Pm EST!:) We will notify you when they do! #roblox #Metaverse +0,,"05/18/2021, 15:16:38",RBXEventLeaks,"According to yesterday’s time, the metaverse champions crates should open around 11-12 PST! #roblox #MetaverseChampions" +0,,"05/17/2021, 19:10:34",SaviorMonroe,"After watching Caslevania in full, it makes my ""Metaverse series"" sound even colder. With songs like ""Draculas Castle"", ""Soul of Swords"", ""Morning Star"" and even ""Break the Chain"" the Castlevania references are just as abundant as the Persona 5 references." +-1,,"05/21/2021, 21:44:27",IAmAlstrss,Ahh man i can't play roblox metaverse event on mobile. Its very hard playing on it. If i only had a pc😭 +1,,"05/22/2021, 01:15:09",DCLjasonx,All Play to Earn Blockchain Games will end up in the Metaverse 😀 #Decentraland #Metaverse #mmorpg #Blockchain #Game #GAMING #play2earn +1,,"05/20/2021, 18:53:57",PixelsFuntimes,"All the boxes of the Metaverse event are open but they are missing from the others but I hope they will open and now I am for the final test I wish you all luck, thank you #Roblox #MetaverseChampions" +0,,"05/21/2021, 23:48:24",Danko013,Almost the 4th and final hand in #WAXPack's #Blackjack event within the #AlienWorlds #Metaverse! #TLM #WAXP #PixelLabs #waxpacks #GoodVibesMining +0,,"05/28/2021, 16:45:31",avi900_eth,Alright.... Who wants to trade a @BoredApeYC for a Metaverse build 🔥 I see y'all in @TheSandboxGame 👀👀👀 +0,,"05/23/2021, 04:53:58",VjDeliria,"An now an #NFT poem: “Not Files” NFT files vj files gif files jpeg, mov, mp4 asset files, memories… A time of my life because I existed A minted glitch < imperfection... Blockchain, perpetuation Metaverse, immigration All is binary... #NFTartist #NFTCommunity #Cryptoart" +1,,"05/16/2021, 08:35:38",Fred_Bot_,"And when I reach 100 million monthly users, and added a Reddit AMA at our Book of the #Roblox #Metaverse. 🏆 Are…" +1,,"05/22/2021, 05:36:33",aazfar12,Any Malaysian NFT artists into metaverse? Looking connect for hosting virtual events with Web3 projects +0,,"05/26/2021, 14:45:32",LouieCRhymes,Any chance anyone out there knows if it's possible to use an NFT as an access pass to events in certain spaces in CV? If not CV then maybe discord? For example I'm thinking about coming out with a visual art NFT that could be used as a ticket to my shows in metaverse .. 1/2 +-1,,"05/19/2021, 18:10:09",Marshbloxx,Any games in the metaverse that you hated alot? +0,,"05/21/2021, 19:30:26",Pointshark1,Anybody rent their metaverse land? @cryptovoxels @SomniumSpace @TheSandboxGame @decentraland and any other blockchain worlds I may have missed... #metaverserental #NFT #digitallandlord +1,,"05/21/2021, 03:15:08",niftytime,Anyone else seeing the rise of these mega NFT collector DAOs and thinking they may become the Medicis (plural) of the Metaverse? +0,,"05/22/2021, 09:52:37",seanbluekiller,Anyone have 10 robux that can give me? Need to buy the Metaverse Shirt and Pants to match the new Valkyrie +0,,"05/21/2021, 17:31:03",its_Brogamer,Anyone have a metaverse champion vip server? +0,,"05/22/2021, 22:59:08",aiartblog,Anyone here doing AR/VR #NFTs for the #metaverse ? +1,,"05/26/2021, 18:15:44",tattooedfay,Anyone know what happened to the @yakkopinky Metaverse event? I saw it in the May 13th sneak peak blog and it said tickets coming soon. I just checked to post again and there’s no mention of it. Help! I was so excited to attend! +1,,"05/25/2021, 19:58:36",LordSophia666,"Anywho. We need a new form of the internet... Something like a Metaverse. We're moving into the future, folks. This www internet style is getting played. We need something more innovating. And DON'T privatize the internet cause it's all about *inclusion*. Let's be futuristic.🤞" +-1,,"05/25/2021, 23:59:22",DemonOfAccident,Apparently u can jump of the little metaverse island now strange +0,,"05/18/2021, 17:18:28",MetroFallen,Are the 2nd metaverse boxes open? +0,,"05/24/2021, 17:37:45",amoration,Arranging livestreaming & multicasting relationships between physical & virtual venues for hybrid experiences is part of our strategy and programming design work - HMU as you need support for events with metaverse spaces or multicast VIP lounges +1,,"05/28/2021, 03:21:32",ARTorDAI,"Artist Hour on @nftsmart @discord is already booked out until October👀Artists really vibe with the idea of 1 on 1 interviews while we screen share their exhibits in the metaverse. Currently we are in @decentraland at (38,103) but we will be expanding to different metaverses!!!" +1,,"05/18/2021, 17:03:39",machiavillain_1,"Artists in @nftfreaks Spaces wondering if you should adjust your asking price when ETH fluctuates. First problem is you're still thinking of your artistic value relative to USD! We're in the metaverse now, baby! 😂😂" +1,,"05/22/2021, 08:52:55",thisisneer,"As Internet friends become a larger chunk of our social life, hanging out in the metaverse will become the default way to socialise." +1,,"05/22/2021, 20:26:51",RookPerfumes,As a perfumer I imagine a scent for the Metaverse to have a truly different identity to a scent for this universe. Notes of a digital world will be truly unique! #nftcollector #NFTartist #NFTs @MetaverseScent +-1,,"05/20/2021, 20:16:09",dollaretteco,"As an investor, be careful of the terms metaverse and computing platform. These are very vague catchy terms. A better guide is user and revenue growth." +0,,"05/16/2021, 03:37:15",RBXNU,"As of yesterday ROBLOX has declared that Metaverse Champions is only lasting for 6 MORE DAYS so hurry up, and do your challenges before time runs out! #RobloxMetaverse" +1,,"05/22/2021, 06:00:15",KVladimir23,"As the icing on the cake, we will be opening an NFT-based digital art museum in the Netvrk metaverse to showcase a wide variety of NFTs available on the NFTrade platform. #NETVRK #NTVRK #VR #CRYPTO" +0,,"05/18/2021, 06:14:34",bitcoingringo,At the moment maximalist are #netnegative for the metaverse. +0,,"05/27/2021, 13:46:18",Roy_Aleph,"Attempted our first @TheSandboxGame land sale. Managed to scoop up a 1x1 block at -60, 168. The map turned purple pretty quick. Wasn't able to get the blocks we wanted. Nonetheless, by the time the bear market rolls over, we will become virtual real estate moguls #NFT #metaverse" +1,"""future""","05/22/2021, 17:02:41",HawkChainETH,Average adult spends 6-7 hours online and 6-8 hours sleeping. 1/2 their day online. Gen Z spends even more time online. Interacting digitally isn't the future. It's the now. Metaverse adoption is sooner than we think on a mass scale. The future is being built today. @BowTiedBull +1,"""excited"", ""awesome""","05/25/2021, 00:49:15",allnick,Awesome call with Ben Nolan of @cryptovoxels ... Unfortunately wasn’t on Clubhouse but will be posted soon! Quite excited about the future of the Cryptovoxels metaverse! +2,,"05/21/2021, 18:14:26",supertoad226,Ayo the metaverse ending was depressing +1,"""fun day"", ""exploring""","05/16/2021, 15:44:30",tallbruvv,"BTC meeting, grinding Fortnite, exploring the Metaverse, and an Indica power nap! #sundayfunday" +0,,"05/28/2021, 21:45:11",AeonixAeon,"Back in my day, we used to call them Virtual Worlds because they weren't linked together. They still aren't, but I guess ""Metaverse"" is the rebranding effort. Only thing that changed was the marketing pitch. #AR #VR" +0,,"05/23/2021, 14:45:06",MsMichelle,Baking a carrot cake while listening to @GenePark talk about the Metaverse on @onthemedia. Just a typical Sunday morning. +1,"""design"", ""opportunity""","05/28/2021, 00:10:55",goodmontheth,"Before we build & design a metaverse by men, we have a ground floor opportunity to start a new world with the influence of women’s design. #Metaverse #Womxn #Crypto" +0,,"05/26/2021, 13:56:16",timevalueofbtc,Bitcoin is the reserve currency of the metaverse +1,"""Building""","05/21/2021, 22:30:10",_breannafaye,Building the literary metaverse right now. Who is with me? #cryptotwitter do your thing +0,,"05/24/2021, 21:52:14",NumanUK,Busy busy. Goodnight metaverse ✨ +-1,"""less interested""","05/21/2021, 16:23:18",jherskowitz,"Call me crazy, but after 1.5 years in lockdown, I'm far less interested in augmented reality and the metaverse than I am in just engaging in our pure, unadulterated physical reality." +0,,"05/19/2021, 23:21:20",iamwinter_207,Can I still collect week 4 chest on Metaverse?? +0,,"05/17/2021, 22:55:54",alxgraceffa,Can someone please bless us and make clothes to match the new hats from the metaverse event +1,"""can't believe""","05/22/2021, 06:10:49",b_estonido,"Can't believe I got my 4 Valkyrie, this is the best day ever! I'm happy that I joined to Metaverse Champions event!" +1,"""can't wait""","05/21/2021, 20:01:48",MachineGunNothn,Can't wait for Metaverse to start +1,"""can't wait""","05/20/2021, 18:58:23",fravincenti1,"Can't wait to have my Digital Avatar, my virtual twin, my #NFT bag walking through the wires of the Metaverse" +1,"""can't wait""","05/25/2021, 18:47:38",valueandtime,Can't wait to walk around the metaverse with my bored ape. +1,"""can't wait""","05/20/2021, 20:46:56",chrisofdoom3,"Can’t wait until Miitopia comes out tomorrow. Not only that, but there’s the special Metaverse Champions crates being opened tomorrow, as well as the grand prize for the event being revealed AND ranting over the Zara Larson event. Tomorrow’ll be a good day." +0,,"05/25/2021, 11:19:13",HaruOrb,Catgirls in the metaverse be like: purrrrrrrrrrrSONYA~ +1,"""silicone Valley""","05/25/2021, 00:07:37",FakeRandyChavez,"Chaveztopia will be the silicone valley of the metaverse. There, we will invent a way to synthesize Elon musk's DNA to infuse into eggs in the pre embryonic stages. We will create an army of these superhumans known as randy's musk. #dna" +1,"""make money""","05/23/2021, 04:22:51",CryptoPapi10,"Check this out my daughter did her homework today and it's due Wednesday (without me telling her to). I said, what homework did you have? she said, I was asked to build a world in Minecraft. I said, wait to you figure out you can build a candy shop in the Metaverse and make money" +1,"""Congrats"", ""!""","05/15/2021, 21:06:42",ShanzhaiB,Congrats @ix_shells ! One of the kindest and supportive artists i met on the metaverse. Always patient and encouraging to others. So happy for you! +1,"""Congrats""","05/24/2021, 05:13:59",NFTChina,Congrats!👏 @CryptoC_Labs announced the closing of a $1.6M seed round led by Metaverse Capital. We could expect to visit Wave Gallery by CryptoC at June. +-1,"""immature"", ""unstable"", ""pullback""","05/22/2021, 08:38:20",swissverse,"Considering the immature, emotionally unstable degens I have encountered in the #crypto #nft #metaverse space over the past months - I think it was paramount to test/introduce the notion of a pullback if we really want to land on the moon this time around" +0,,"05/26/2021, 15:39:09",FCampo,"Converging the physical and digital with digital twins, mixed reality, and metaverse apps" +1,"""it's time"", ""good""","05/27/2021, 11:05:17",vinylsneverdie,Could someone point me to a good primer on metaverse parcels...i think it's time to buy some land +0,,"05/21/2021, 15:22:38",ThelifeofYemi,Covid really prepared the younger generation for the metaverse they just don't know it yet +0,,"05/24/2021, 20:54:30",KentoInami,Crypto Twitter are the first inhabitants of the metaverse +1,,"05/28/2021, 16:57:59",G4MB1Teth,"Crypto has been all about aping in the deep an following your inner ape. @HouseofKibaa lifetime of NFTs for just $500 seems like a steal, and look sick and slick. Count me in! Apewards into the Metaverse." +1,"""awesome""","05/16/2021, 15:26:35",punk7635,"Cryptoart is awesome. The metaverse is awesome. But blockchain is a NECESSITY because we can no longer trust our eyes and ears (deepfakes, disinformation, etc) and as a result our belief in the institutions that maintain records of ownership and provenance is at an all-time low." +-1,"""hate""","05/19/2021, 03:18:26",AquaWheat,DISCOVER YOUR EXPRIENCE IN THE ROBLOX METAVERSE I HATE THIS NEW UPDATE 😡😡😡 +0,,"05/17/2021, 14:18:17",RBXEventHunters,Dates coming up that you should remember! Metaverse Champions Week 1 Crates - May 17th Metaverse Champions Week 2 Crates - May 18th Metaverse Champions Week 3 Crates - May 19th Metaverse Champions Week 4 Crates - May 20th Metaverse Champions 'Launcher Crates' - May 21st (1/2) +-1,"""suck""","05/17/2021, 14:02:56",CFC_Jursh,"Dear @Roblox, Your event ideas probably suck because Gucci Garden Event is worse than Metaverse Champions Event. There are *NO FREE PRIZES* Roblox isn't fun anymore......" +1,,"05/22/2021, 15:00:54",IanNeophyte,Did you got the metaverse valk? Show me your fits with the valk and I'll rate it +0,,"05/26/2021, 16:57:44",PatrickandHone1,Did you guys enjoy the Metaverse Champions? #RobloxMetaverseChampions #Roblox +-1,"""useless""","05/26/2021, 14:02:31",panthermodern__,Digital Fashion is useless right now Until there is a Platform Standard: Digital Fashion can only be used in the platform/ game engine it was created for we need to solve for cross platform digital fashion otherwise the same piece has to be remade for each metaverse +-1,"""none""","05/17/2021, 23:48:54",Epitonex,Do none of the metaverse games work anymore +2,,"05/19/2021, 23:35:07",mbeaudroit,Do we live in a metaverse? +0,,"05/22/2021, 02:30:52",WhirlpoolNation,Do you like the gifts that you were given from the Metaverse Champions event? +2,,"05/23/2021, 02:57:43",BloxInfo,Do you like the metaverse valk? +0,,"05/21/2021, 21:05:51",Kinestryio,"Do you own an NFT? If not, would you like to own one at some point? #NFTCommunity #nftart #Metaverse #NFTartist" +0,,"05/17/2021, 01:08:57",logan_larkin,Do you think people will look at ancient structures in the metaverse and say “aliens made this”? 😏 +2,,"05/21/2021, 20:16:18",PlayzzzNinja,Do you think the metaverse valk is going to be limited +2,,"05/21/2021, 18:55:42",SharmaHersh,Do you think the metaverse valk will go limited? +0,,"05/21/2021, 18:20:02",Iamchynagaming,Does anybody know how to combine to valk pieces in the metaverse event? +0,,"05/21/2021, 23:11:07",Steevosworld,Enter the #Metaverse +1,"""raise""","05/22/2021, 00:57:10",KhariDoodles,Everybody who was in charge of the Designs for all the prizes in the metaverse champions event needs a raise +,,"05/22/2021, 13:01:07",dannygkass,Everyone acting like they didn't expect this #cryptocurrency dip. What did you expect going to happen when prices increase as fast as it did. If your panicking nows good time to visit the Metaverse and get yourself some #nftart alot of great #NFTartist including myself. +1,"""interested""","05/25/2021, 08:43:19",lucccafontana,"Everyone seems pretty interested so I'm going to drop bellow a few concepts I made during the #hicathon for our amazing Hic et Nunc Metaverse that's on the works! A huge shoutout to @__oxx___xoxoxox, @fdoganis, @yungmathusalem, @vaXzine - you guys are amazing!" +,,"05/28/2021, 18:10:50",punk7635,"Everything in cryptoart/metaverse is inherently a LUXURY item. Luxury brands take care of their customers above all else. Your _____ may be cool but when things go awry, how will you treat your customers?" +2,,"05/24/2021, 11:37:50",KomodoPlatform,Explain the #metaverse. What is it? +0,,"05/17/2021, 20:28:03",leavesyes,"FINALLY, AFTER WHAT FEELS LIKE 1 TRILLION YEARS, THE CRATES HAVE OPENED (im posting on 2:26 AM in my time zone i think it opened in 1:55 AM) (Metaverse champions roblox)" +1,"""interesting""","05/20/2021, 19:30:00",neervj,Facebook going after VR and Snapchat after AR will be quite interesting in the near future. SC's current audience won't even think twice before joining an AR concert of Billie Eilish. Metaverse is gonna be here sooner than anticipated. +1,"""let's learn""","05/29/2021, 02:24:07",justinshenkarow,"Fellow actors, let’s learn about NFT’s, the Metaverse, and Web 3. It’s time to celebrate the Creators and finally monetize us! The Creator economy is here!! #Web3 #NFTs #Metaverse #creatoreconomy #creators" +0,,"05/20/2021, 10:12:57",NeonsSquad,"Final prize from the metaverse champions, 5 months of Me and Zany on May 22" +1,"""pumped""","05/26/2021, 22:50:12",TateBerenbaum,Finished my last exam for high school today. Pumped to finally be able to pursue @vertoexchange full time! High school ➡️ Crypto metaverse +-1,"""fake news""","05/29/2021, 19:54:37",darpanthisside,First it was newspapers that started sensationalism with twisted reporting. Then came TV news followed by online blogs. Wondering how the fake news will spread in the age of virtual reality metaverse +1,"""love"", ""perfect"", ""✨"", ""😚""","05/17/2021, 09:15:28",gregbalondo,For sure you can find love in the metaverse. You can even design them to be ✨perfect✨ for you. 😚 +1,,"05/27/2021, 00:56:59",GiantEnemy,Fortnite is a game. Roblox is a game. You play them. They are games. Fuck off with this 'metaverse' legal bullshit. +0,,"05/29/2021, 05:51:02",yusukeorb,"Fox is not my Metaverse self, but rather my fursona." +1,,"05/27/2021, 00:57:44",Alts_Anonymous,"Friends/Family: Hey, where have you been, haven’t heard from you in awhile? Me: Did you check the metaverse? Friends/Family: What’s that? Me: Where I’ll be waiting for you. Friends Family: Wait, what?! Me: ... Friends/Family: Hello, are you still there? Me: 👾" +-1,"""curse""","05/26/2021, 23:00:01",robloxletters,From: @FireVertex_ To: Everyone Message: METAVERSE MORE LIKE METACURSE +0,,"05/22/2021, 17:00:01",robloxletters,From: @t2zk_ To: Everyone Message: What do you guys think will unbox from the metaverse champions hub crates? +0,,"05/24/2021, 08:30:00",robloxletters,From: Anonymous To: Everyone Message: what do you people think the Metaverse Final Prize will be? I think its some type of valk (Not the pink valk) +0,,"05/19/2021, 18:30:00",robloxletters,From: Car crushers 2 fans To: @Panwells Message: What is the date for launch Car crushers 2 update 31? We are waiting for the update after the metaverse event! +0,,"05/21/2021, 09:14:23",buildwithhands,Future = metaverse #metaverse #virtualArt #NFT #NFTs #Crypto +0,,"05/22/2021, 00:34:49",Steeky_,GTA6 will be a metaverse. +0,,"05/23/2021, 12:46:25",Actually_Deust,"GUYS I GOT A REAL VALK, NO METAVERSE!!! like and subscribe to make it happen" +1,"""ASAP"", ""favorite""","05/22/2021, 20:20:58",POWERVESTING,"Get your @superworldapp plot ASAP before it's #toolate . A park, your favorite place on earth or just any piece of land can be yours on the metaverse! Get it while you still can to take advantage of first dibs! #crypto #investing #Ethereum." +0,,"05/21/2021, 18:21:48",Le_PotatoPrince,"Gimme an outfit to match with the metaverse Valk:,)" +0,,"05/21/2021, 23:32:27",nftentrepreneur,"Given the way the Metaverse is evolving, mostly mimicking the world we have, one should consider long-term trends that are likely to parallel our current world. For example: The idea that @Meebits or any collectible will become THE 3d Avatar of choice seems unlikely." +0,,"05/19/2021, 01:04:02",Devenislarge,Gonna build my own metaverse just you wait roblox +1,"""love"", ""✨"", ""☺️""","05/28/2021, 08:13:20",p0hleroid,Good Morning guys ✨ was 20 hours not on Twitter. What did i miss? Would love to read some metaverse news down below 👇🏻☺️ +1,"""MVP"", ""✨"", ""🙏🏽""","05/20/2021, 13:19:08",AbbasSpace,Good Morning to everyone still in the metaverse! Y'all the real MVPs! ✨🙏🏽 +0,,"05/20/2021, 23:10:27",pawnuu_,"Good Morning to yall! Looks like Metaverse has come to the end. What items did ya get? And here comes the Gucci Event which most items will be limited, kinda crazy ya know?" +0,,"05/23/2021, 13:58:04",EtherealZephyr,"Good Morning, Metaverse Go get some!" +0,,"05/26/2021, 07:03:28",sp4ce,Good day to all the #metaverse partypeople out there! Hope you have or had a good start! +0,,"05/20/2021, 19:50:03",Hanaya_Hellion,"Good morning everyone. Among the bleakest of time, despair would appear to be in the upper hand. Complaints, noise, and outrages filled every streets corner. Metaverse can't escape from being filled with pandemonium too. Despite that, the strugglers remain to bring hope." +0,,"05/19/2021, 07:47:29",musicben_eth,Good morning metaverse 👋 I woke up to nearly 500 new friends and so many thoughtful comments overnight - this place is amazing! Let's go build a better world together +0,,"05/16/2021, 09:56:28",AbbasSpace,Good morning to everyone that are still locked into the Metaverse. 🙏🏽✨ +0,,"05/21/2021, 20:53:54",OverBloxYT,Goodbye to the metaverse event. Cheers and Greetings to a new generation! @Roblox @Roblox_RTC @robloxdevrel @InsideRoblox +0,,"05/28/2021, 22:18:15",GotTheJoose,Goodnight Metaverse 😴 +0,,"05/27/2021, 13:41:07",sepsauce,"Got more land in @TheSandboxGame. That was intense, sold out in seconds. Excited to stay bored with fellow apes in the metaverse." +0,,"05/27/2021, 13:08:24",CKDesigns7,Got my land today @TheSandboxGame Unreal how fast that just happened #MetaverseChampions #Metaverse +0,,"05/18/2021, 11:07:46",Shredity_,Gucci is so metaverse moment wow it's a pretty good game if you ignore the content in it (the Gucci roblox items) +0,,"05/28/2021, 06:41:52",VelanteG,"Guys Like This Tweet If The Metaverse Told You To Eat A Child.. The Metaverse Is Brainwashing Me, I AM THE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE METAVERSE" +0,,"05/28/2021, 09:57:22",VelanteG,Guys Like This Tweet If You Think The Metaverse Will Do The Sussy From Amogus xD 🤣🤣😂😂😂🤣🤣🤣😂😂😂🤣 +0,,"05/17/2021, 13:07:38",Auchigamer,Guys how do we get those headphones from AJ striker from week 1 of the metaverse event. I have those crates tho. +0,,"05/22/2021, 19:37:16",124JailbreakPro,Guys if Roblox has to do something with the metaverse then we might see something futuristic to #jailbreak +0,,"05/27/2021, 16:12:10",SharePitch,H.C. Wainwright initiated research coverage today on Super League Gaming with a Buy ratingand a 12-month price target of $6.00 per share. $SLGG #esports #gaming #metaverse +0,,"05/19/2021, 23:31:31",ssteIIaa,HEY IF 10 OTHER PEOPLE WOULD LIKE TO HELP ME WITH THE METAVERSE PAD THINGS SCATTERED AROUND THE MAP COULD YOU? -YOU NEED 36 BADGES IN TOTAL TO HELP +0,,"05/21/2021, 19:49:08",Recredlief,HOLY I GOT THE Valkyrie of MetaVerse after joining the game :DD +0,,"05/20/2021, 16:44:07",iambarankorkmaz,Had a great chat with @SeanGorman today just before the #SnapPartnerSummit @Snapchat is going to be worth watching in building the metaverse 👀 +0,,"05/26/2021, 09:26:37",EyesTeethFlesh,"Has there been any Metaverse bands yet? I like the idea of getting together and jamming in a metaverse. Need some midi input too, get some reactive performances on the go too 😬" +0,,"05/21/2021, 07:03:55",ObedientMas,"Hear me out, a metaverse hunt organized by Fifteam" +0,,"05/21/2021, 16:45:20",RbIxStatus,"Hello. As many as you know, the Metaverse Champions event was just overtaken by 2 events. Zara Larson, and the GUCCI Garden event, and many people think the metaverse champions event was a flop... What do you think? I just want a genuine vote of what everyone's thinks about this." +0,,"05/20/2021, 09:25:21",Tengushee,Here is an idea... There are may metaverse forming on many platforms (this is cool). What the -user- needs is a portal place which allows people to jump in and out of these metaverses within a metaverse appropriate environment... Portal World. #metaverse #experience #ux +0,,"05/24/2021, 18:04:25",alan_dabest,Hey @DeeterPlays will you be a part of the new event too like the Metaverse event? +0,,"05/16/2021, 15:03:16",munday102,"Hey Guys Munday Here, sorry for being not active on Via Discord, Youtube and Twitter. I am not really big on the Metaverse event and already finished it. I am not getting the Egg because I am not wasting my time to get 30 badges on one team." +0,,"05/25/2021, 19:50:49",G33ksLikeUs,"Hey all. Lore Du Jour has been postponed until next week. If you choose to enter the metaverse alone tonight, make sure you're safe. 🖤" +0,,"05/21/2021, 20:58:11",Owen_WSJA,Hey moots. Thoughts on the Metaverse Champions? +0,,"05/20/2021, 11:29:01",BreevieGotRekt,Hi #OVR #AR #metaverse #developers If you'd like to develop a full #AR experience in downtown #Chicago please contact me 😇 +0,,"05/21/2021, 20:08:07",Limel_RBX,"Hi, @Roblox! There are three things that start words with the initial four letters - ""Meta"". Meta is Metaverse, and Metaverse is short for Meta. So, I can assume that these three things are connected together with something.🤔" +0,,"05/24/2021, 14:47:29",GuidesFashion,"High Fashion shld plug in #Consensus2021 for the big #Gucci bags, Pokemon, Disney NFTs mix match in the metaverse, as narrated by guru @garyvee (w/ a defiant and very a propos #knicks 🏀 cap flex, talk of collectibles, man…)" +0,,"05/21/2021, 18:00:22",TheRedTactician,Holy fuck I just remember an old thought I had about the horrific parallels between Shido and Akechi aka how they were both bound and still fighting for themselves in the Metaverse Shadow Shido (Royal) did not have those belt straps for no reason. Fighting like an animal +0,,"05/29/2021, 11:50:22",LouieCRhymes,Holy shit. Every single @etherpoems_ has sold within the first 12 hours of launch. All hail the queen of the metaverse! @digitalartchick +0,,"05/19/2021, 00:20:46",CrxstalVoid,"Honestly I'm not excited for week 2, 3, or 4 of the metaverse creates opening I care more about head accessories but im an idiot and didn't do week 1 Sigh" +0,,"05/25/2021, 07:14:59",Royal_VH,Hope someone will create time to visit @OVRtheReality and see their innovation/tech they've developed so far... #AR #VR #NFT #Metaverse +0,,"05/16/2021, 10:18:30",mv4playsroblox,Hoping I can get my egg hunt leaks 2022 leaks game /metaverse leaks out next weekend +0,,"05/24/2021, 18:51:42",MPWGWS,How @MarvelStudios creates magical worlds for our entertainment.. soon we will be immersed in ouw own magical world through the #Metaverse. Who will deliver the tipping point for the next wave of technological advancement? #unity3d #EpicGames How will blockchain play a role? +0,,"05/28/2021, 02:03:10",SpottieWiFi,How come Punks don't have any communal land in Sandbox or an even doper metaverse?? +0,,"05/23/2021, 04:10:19",NumanUK,How crazy..... @pauliswalrus was supporting my music 10 years ago!!!!!! He has some of my songs I don’t even remember making! and we randomly bumped into each other again in the metaverse! 🙌🏾 +0,,"05/17/2021, 16:30:30",DavidGDeGea,How do you open the metaverse mystery crates? +0,,"05/20/2021, 07:53:13",kingdomofshing,How is everyone in the #Upland community today. Looking forward to the property development release later this week ? Great to see some more gameplay coming #uplandme #metaverse +0,,"05/30/2021, 05:39:26",AstonArcher,How long do you think it will be until we all have our own online 'Avatars' that will be able to cross between metaverses and be a digital extension of our real self? (Ready Player One vibes) 👾 #Metaverse #Crypto #NFT #ReadyPlayerOne +0,,"05/28/2021, 23:57:25",austinvirts,How long until you’re flying around taking over the metaverse? 🤔 @MrBeast +0,,"05/26/2021, 09:55:33",colnft,How long will NFT be at its current primordial level? It's time to start complex mechanics already. Where are you creators of the metaverse? We are waiting for you =) +0,,"05/17/2021, 20:33:18",Ibi_Dev,How many of you did the Metaverse Event? +0,,"05/24/2021, 11:33:24",Leurico8,How much your kids will spend in the metaverse in their lifetime? +0,,"05/19/2021, 16:58:03",rhwel_,How will China censor a decentralized Metaverse? Where people can transact in a completely open and decentralized way. +0,,"05/29/2021, 18:49:57",george_pinnegar,How will blind people navigate the metaverse? +0,,"05/28/2021, 01:07:23",VelanteG,"I Already Sacrificed A Child To The Metaverse, Pls Metaverse Guide Me To The METAVERSE" +0,,"05/19/2021, 21:52:48",ABBEYBOMlNABLE,I CANT WAIT TO FINALLY TAKE MY METAVERSE OUTFIT ON AND PUT MY GUCCI OUTFIT ON!! +0,,"05/26/2021, 07:20:48",beastspirity,I COMPLETED METAVERSE DID U I DID NOT GET TINY EGG OF NIONSTENCE +0,,"05/21/2021, 18:01:59",PazeTweets,I HAD SCHOOL DURING THE FINAL METAVERSE CHAMPIONS PRIZE +0,,"05/21/2021, 22:44:14",b_theroyal,"I Must say the Metaverse, RBB, and RP2 events were the most fun I've had in a while new Metaverse avatar to look go to my roblox acc @Bray_Army" +0,,"05/26/2021, 03:43:06",AndreMillwood,I also would implore persons in the Caribbean ecosystem to remember... The internet truly is expansive beyond geography.. Utilize it to network into other regions other markets.. The MetaVerse is upon us. Embrace it +0,,"05/27/2021, 03:24:54",Avid6ix,I am really surprised that @ARKInvest / $Arkk does not own any $ghvi 🤔🤔 I believe that matterport fits really good into more than one of their big idea. To start Big Data/ Ai / metaverse or virtual worlds. Most see them as a pure real state play but it's much more than that 📈 +0,,"05/24/2021, 14:54:52",findingnemonft,I am the CEO of The Great Metaverse Reef. 🐠🐟🐬🐳🐋🦈🐙 🌊 +0,,"05/21/2021, 19:26:05",LouieCRhymes,I believe in real world application of #NFT’s. That said I see the meaning of the word “world” as both physical and digital in terms of metaverses. In a few years people will realize use cases for the metaverse and the whole “real world” application thing won’t be a barrier. +0,,"05/27/2021, 03:34:26",DrewAustin,"I believe in the metaverse as much as the next person, prob more, but when you go to events like the Knicks game tonight, it reminds you how incredible IRL really is." +0,,"05/21/2021, 02:04:11",treefestive,I can’t wait for the launcher crates to open for the metaverse! 🥰 +0,,"05/21/2021, 18:31:20",DreamieFantasy,"I collected all items and that means the Valkyries also. I'm really happy and proud of myself for collecting all these wonderful items (except the grand prize). 😍 This event was really enjoyable, what about you? What did you manage to get during this event? 👀 #ROBLOX #Metaverse" +2,,"05/25/2021, 16:01:11",0x00000010,I didn't realize creating things in the metaverse would be so taxing for my computer +0,,"05/18/2021, 18:00:05",cjchurcher1,"I didnt do week 2-3 in metaverse event i let the team down, sorry bois" +0,,"05/19/2021, 18:19:00",p5quotebot,"I do think they're not bad in the Metaverse, but in reality... Strange, isn't it?" +0,,"05/23/2021, 03:06:31",jeboymolina1,I don't have valkyrie of metaverse because i dont have admin and developer and now expired but that's okay i only have mvp valkyrie And video stars valkyrie +0,,"05/17/2021, 04:14:29",DrewAustin,"I don't know about you, but I expect my @zed_run stable to be the equivalent of owning a professional sports team in the future... Just so happens my team plays in the metaverse." +0,,"05/23/2021, 13:40:24",sunshinevndetta,I don't know how many times I've used the word metaverse in the last week 🤣 +0,,"05/21/2021, 18:59:37",Mynameisdis4,"I don't think the metaverse champions prices were worth it except the valks, but it was still fun i love these kinds of events. The valks and big price is going to my new 2021 fanboy" +0,,"05/18/2021, 10:59:00",Buckids,"I dont see why everyone wants the ""Pink Valk"" when its not even real (confirmed by a Metaverse Team member DeeterPlays) and if everyone who did the event would get it, 1. It wouldn't be rare and 2. It wouldn't have value. Retweet to get rid of this nonsense." +0,,"05/30/2021, 06:03:17",Polarfolio,"I don’t even like dealing with humans on #Earth, why would I follow them to #Mars?! Just #upload me to my best #virtualreality please and thank you #Metaverse #future #vr #ai #evolution #technology #universe #lifequotes #europa #space #NASA #humanity #life #NewWorldOrder #wtf" +0,,"05/26/2021, 20:47:58",MysticMoonIight,"I feel like the Metaverse Champions colours match the RBB colours and if I was in it, they have my colou. Pink = Sabrina, Blue = Russo, Green = DJ, and Purple = Me" +2,,"05/16/2021, 01:56:39",karmawav,I feel like the world is headed more and more towards the metaverse +0,,"05/22/2021, 14:34:44",KhariDoodles,I feel like theres gonna be multiple villains in the metaverse we already know that one of them is 1x1x1x1 What if the others are more hackers +0,,"05/22/2021, 14:03:03",M4Q_22,"I genuinely really like the concept of a metaverse in Roblox and I just think it’s so cool, Roblox could make this something pretty dope honestly" +0,,"05/21/2021, 19:12:30",j_ssiiccaa,I got the metaverse valk and in the bun people are like “how do you get it” “where are the pieces” 😂😂 it ended like a week or so ago +0,,"05/22/2021, 15:55:52",banditosel,I got the valk from the Metaverse event! +0,,"05/22/2021, 19:24:36",SquigsCat,"I gotta say, I love NFTs and the metaverse, but there is something that just hits different about getting a physical work of art in the mail. I’ve recently been trying to get NFTs with both a digital and physical component. A short 🧵" +0,,"05/18/2021, 20:13:27",ruima,"I guess Tencent wasn't content w just owning the Metaverse. Their Gaming head Steven Ma just said what they're doing is even bigger, of which the Metaverse is just ""tip of pyramid."" It's called ""Super Digital Scenario."" ???🤯💩 cc @ballmatthew @packyM @ZhugeEX @TheRealJoshYe" +0,,"05/16/2021, 05:27:48",MrStrawberrie,"I have a 2 week old. I should be sleeping but I can’t because my mind is racing over gaming, fashion, and the Metaverse" +0,,"05/25/2021, 16:46:01",TheCreationStar,"I have a feeling that, the Metaverse Champions: Fall Hunt (or the future event i don't know) is gonna feature the boss battle to defeat the 1x1x1x1." +0,,"05/17/2021, 20:28:15",ItsJAXkae,I have a theory that the Metaverse chests are going to open and be something to equip on the area they were located. Week 1 chests were worn on the head and opened as hats which mean Week 2 will probably be a back accessory and so forth. (...don’t quote me on this. 😂) +0,,"05/20/2021, 02:47:27",dankvr,"I have a theory why VR people aren't as hype about the Metaverse anymore. It has to do with value alignment. NFT people can and want to own a slice of the future successor to the internet. VR people prob feel like they're building someone elses vision, like the platform owners." +0,,"05/18/2021, 07:54:56",TijnOosterwaal,I have class now. So I can’t see the items from the metaverse boxes!!! I can’t wait until I’m home:( +0,,"05/16/2021, 10:39:49",Kurigamesalot,"I hope it did for you all tonight. It was a ton of fun being apart of everything. Felt really good. I think Sunday Shall be a rest day for me. Honestly, Big thanks to everyone involved with one of the most biggest events to ever happen in the metaverse!" +0,,"05/17/2021, 21:00:01",TheGodlyMonke,I hope the next 3 prizes are good for the Metaverse Champions event. +0,,"05/21/2021, 01:39:31",JerichoWing,"I kinda hope P6 doesn't lean into a specific gimmick. As much as I liked P5 as a game, I kinda dislike how much it leaned into the Phantom Thief thing, esp confining Personas themself to the Metaverse/Shadow World or whatever" +0,,"05/28/2021, 20:15:54",2FToF1,"I know I'm uploading a lot of works, but I wanted to make art since I was 12 now I'm 31. I have +19 years of ideas, passion, studies (DIY) to share. Thanks to the Metaverse now I can do it, so be patient if you see a lot of my tweet... It simply makes me feel good." +0,,"05/25/2021, 15:58:25",DevounYT,"I know we all like to drag Roblox's promotion of the ""Metaverse"" like they're your boomer uncle that just heard a trendy word for the first time - But all these companies working towards building a Metaverse is very exciting, edging closer to a Ready Player One experience 🥳" +1,"""like""","05/21/2021, 10:58:04",ChromeBlox,"I like the Metaverse events now, I can't wait for the 2nd Metaverse Event" +0,,"05/29/2021, 20:46:54",_Dedeukwu,I love creating rare contents 🎶🐒 🐘 #nftart #Collectibles #audionft #DigitalArtist #Metaverse #creator #callforartist #cryptocommunity +0,,"05/18/2021, 15:31:29",brycent_,I love living in the metaverse and by metaverse I mean Lunacia. 🏔✨ +0,,"05/16/2021, 20:16:57",ShadyGamer15,I might be going crazy..but did i just see dream and ranboo on the metaverse event on roblox?? Did anyone else in the server see that? +0,,"05/18/2021, 23:32:59",barabeke,"I need a metaverse with beautiful nature and landscapes. There will be such metaverse, but I want it now. I have stuff to do in it." +0,,"05/21/2021, 21:36:20",Chaasey_,I open up Roblox to see half of my friends list wearing that metaverse valkyrie +0,,"05/23/2021, 23:14:23",Fictionalfrogg,"I personally think they should just give haru a gun, not just in the metaverse but in the real world too" +0,,"05/22/2021, 03:33:41",sillynet95,"I refuse to ever call ROBLOX games ""metaverse experiences"" 🤢" +0,,"05/19/2021, 01:02:15",EricFrancisco24,"I remain baffled by Fortnite’s commitment to skins. Wouldn’t a metaverse allow players to choose how they look? Instead of just Batman or a chicken costume, why not let players don Batman’s cape and cowl while also wearing a chicken body suit?" +0,,"05/22/2021, 02:15:09",WackoWelles,I shall be known in the metaverse to merge current analog motion picture film with artificial inteligence +0,,"05/16/2021, 23:14:26",Koerix1,I still need to collect the Metaverse Champions crates. +0,,"05/21/2021, 17:13:19",MetaShiftYT,I suggest interoperability between religions/spirituality/traditions/beliefs/philosophies. One does not have to be better than the other. The metaverse and blockchain is the next evolution of the spiritual. Integrate rather than separate. +0,,"05/22/2021, 18:14:50",JohnTheBacon74,I think 45% of the roblox community got the metaverse valk while 55% didnt! @InsideRoblox cmon man why u gotta do this to ppl u ruined 55% of their dreams of getting a valk +0,,"05/16/2021, 09:54:50",t0mmysalami_,I think Apple is about to settle the term metaverse... we may even see a rebrand of the term AR. 👀 +0,,"05/17/2021, 18:25:33",Elias16853266,I think I solved a big mystery on ROBLOX of you heard of the ready player 2 event you will might know the meta shades and today is metaverse in metaverse there is meta and meta shade has meta means is the meta shades involves the event of the metaverse? +0,,"05/20/2021, 19:23:57",EthereumWest,I think a lot of the stuff we see today is still analog to digital. The next evolution is digitally native. Very early on that front. The metaverse is more conceptual at the moment than a reality. New opportunities will come when that changes. +0,,"05/27/2021, 20:49:09",VonFrontin,"I think the #NFT projects that succeed will: 1) engage their community (e.g. @BoredApeYC , @veefriends, @HouseofKibaa ) 2) have a built in business model (e.g. @zed_run) and/or 3) have an evolving metaverse (e.g. @TheSandboxGame) What projects like this have you excited?" +0,,"05/24/2021, 19:50:47",michaelconno22,I think the conversation about portfolio allocation is going out the window with the start of the Metaverse. +2,,"05/25/2021, 20:00:55",Mkriiis1st,"I think, metaverse is not for my pc" +0,,"05/27/2021, 13:47:43",ape6743,I want to inform my fans that I am the proud owner of ZERO land in @TheSandboxGame because I didn’t click on the buttons fast enough. I know you are disappointed because I planned to make this land the most boring space in the metaverse. I guess we’ll just hang out at the club. +0,,"05/18/2021, 15:33:09",Claw11363795,I was just in a roblox metaverse champions game and the whole map was like hacked... Do you think it has something to do about 1x1x1x1x? +1,"""wish""","05/21/2021, 19:02:51",Man12344Mr,I wish that I did the Metaverse event now. +0,,"05/20/2021, 19:42:03",lionslunchtime,I wish the Metaverse Champions winners celebration was on a Saturday :( +0,,"05/21/2021, 21:59:17",Rektsatoshi,I wonder how long until we are fed up with this tribal manipulating Bs. How long until we can renounce physical citizenship for citizenship in the metaverse? +0,,"05/21/2021, 18:21:28",PrismaticGaIaxy,I wonder if someone else won the metaverse event would we have gotten a different item or just different wing colors +0,,"05/21/2021, 04:33:40",RenggaLaja,I would like to thank @DeeterPlays @Conor3D And @telanthric For Helping me get crates in the metaverse champions event +0,,"05/25/2021, 03:54:13",BluntsNFT,"I'm a proud new owner of Parcel 20,-125 at Decentraland! Anyone else here enjoy the metaverse?!? If not you should definitely check it out! @decentraland #Decentraland #mana #Metaverse #NFTs #Crypto #cryptocurrency" +0,,"05/24/2021, 21:21:13",CarlsContent,I'm going to start keeping a counter for how many episodes of @zerotoplay the Metaverse gets brought up in 😂 +0,,"05/21/2021, 03:56:34",thea_mercs,"I'm now contemplating to be an NFT artist 😂😂😂😂 I mean I have an iPad, all I need is an iPad pencil HAHAHA anybody can be an artist in the metaverse after all!! plus I'm hodling some @EnterNFT $NFTART sooo 😏😏😏" +0,,"05/21/2021, 18:24:01",noobavik,I'm so happy about the valkyrie! Tried to tweet my hype but Twitter didn't let me so I'm just tweeting when I'm now relaxing from finishing the Metaverse +0,,"05/22/2021, 23:28:35",cyberh49,"I'm so impressed by what @beaniemaxi and the @pixelvault_ crew are doing in this space. @punkscomic, the @pixelvault_, the metaverse building, funding projects, and what not. It is 100% my CCCP philosophy - Community, Creativity, Consistency and Patience. Kudos!" +2,,"05/25/2021, 19:09:45",ThetaMoonedMe,I'm sure I've underestimated the digital worlds metaverse +0,,"05/17/2021, 15:03:39",tridekaphobia,"I've already grown weary of explaining to friends excited by a VR metaverse from RPO that it will just be a way for capitalism to enslave you to the most extreme end. No one believes me, as they buy their vendor locked in devices, from the mouth of someone who dev'd VR." +0,,"05/25/2021, 16:54:06",DevForHireRBX,"I've come to accept Roblox will never be the same again. As much as we all love Roblox nostalgia. Rthro and Interactive ""Experiences"" will be stuck with us for a long long time. Goodbye Roblox. Welcome to the ""Metaverse""." +0,,"05/21/2021, 16:19:44",UplandMe,"ICYMI: Here’s what’s been going on in Upland so far this month! We’re nearly done with May, and we’ve seen some very exciting advancements. Keep reading to see what you might have missed! #NFT #metaverse --THREAD--" +0,,"05/21/2021, 16:06:10",TeaWarmy,IM DYING TO KNOW WHATS IN THE LAST BOX IN METAVERSE +0,,"05/16/2021, 09:09:23",Nullxiety,IM bouta DISCOVER some EXPERIENCES in the METAVERSE +0,,"05/28/2021, 22:43:27",gooniebrad,If I am fortunate enough to get 2 items of merch tomorrow in the #BAYC drop I’ll give one away to a fellow ape that follows me. Greatest community in the #Metaverse by far. #apestogetherstrong @BoredApeYC +0,,"05/21/2021, 20:40:21",TheAmazemanRBLX,If Roblox is the #metaverse they need to take over all the time the content creators using the platform spend on twitter Let us publish pics and videos of our Experience (tm) updates directly to the site and send it out to a feed page +0,,"05/18/2021, 06:00:17",thea_mercs,If one day I found out that there's a @decentraland metaverse that has the same specs like @TheSims and that you can connect your crypto wallet (like metamask) to interact with the virtual space... ILL BE SO DONE WITH TECH INNOVATION😭🥲 +0,,"05/21/2021, 01:41:34",Axie_Chompx4,"If somebody told you, would you want to go back and work at a office or explore your talent and be creative in the metaverse in order to monetize, which one would you pick? Answer is obvious, The potential growth of these economies is astonishing. $MANA #EARTH2" +0,,"05/16/2021, 00:35:52",krypticrooks,If the $mana price isn’t a blatant indication of metaverse interest exploding then deniers smoking crack. +0,,"05/19/2021, 04:08:37",Epitonex,If there’s stuff going limited for the Gucci event could there possibly be some limited items for the metaverse event +0,,"05/16/2021, 20:16:42",_DJNinja,If these metaverse champions boxes open to rthro only items imma gonna go mad 😡 😤 +0,,"05/26/2021, 05:08:06",BaconyFlamingos,If they removed the admin logo on the Metaverse Valk do you think it would be better? +0,"""?""","05/15/2021, 21:49:14",Flynnjamm,"If videogames were originally created as an escape from the physical world, what is going to created as an escape from the Metaverse?" +0,,"05/29/2021, 21:58:35",4ThangsVR,If you have a Virtual Event and are looking for a host/voice work 4ThangsPodcast@gmail.com I have 20 yrs experience hosting live hip hop shows and performing 5 years podcast hosting for The Blind Box I'm just saying I know what I'm doing with a mic 🎙️🎤 #VR #NFT #Metaverse +0,,"05/20/2021, 00:34:58",shasti,"If you’re not watching/listening to @newmuseum’s “Welcome to the Metaverse” this evening, with designer David Rudnick, artist/curator Aria Dean, and @rhizome Artistic Director Michael Connor, do what you can to find a recording of it. It’s pretty fantastic. #Metaverse" +0,,"05/19/2021, 04:29:13",slenderpies,"Im a Tester that tests for invisible beast (yes it took place in the metaverse) And I want to branch out. Basically, I want to test in a different game. Message me on twitter or on discord if you want me to be a tester for you. Discord:Fanta Cat#2094 Roblox IGN: Ssundeethecoolkid" +1,"""joining""","05/21/2021, 17:58:01",LandLolbit,Im joining the metaverse +0,,"05/28/2021, 04:20:42",avi900_eth,Im lowkey preparing my quarantine friends to help me build out the metaverse... and they dont know it yet <3 You think im good? Wait till you see what I can do with a team of incredible minecraft builders... +1,"""happy""","05/23/2021, 06:36:25",LoBo_301,Im singing with one of the people I looked up to over the metaverse. Like Idk Im just happy +0,,"05/17/2021, 22:33:57",sharenarice,"Imagination, attention, presence, beliefs: for better or worse, they can bridge some gaps. From metaphysics to the metaverse. #Metaverse #metaphysics" +0,,"05/19/2021, 02:54:14",O8B9aRHJtxVsGuj,Imagine 3 events going on at the same time lol #roblox #Metaverse #GucciGarden #event #meme +0,,"05/24/2021, 15:41:46",petejkim,Imagine having the audacity not to transition to a decentralized and remote-first workforce in 2021. People will live and work in the metaverse a lot sooner than you think. Not many understand this... +0,,"05/30/2021, 04:59:26",Polarfolio,Imagine having to hire someone from #fiverr to design your simulated afterlife in the #metaverse #wtf #future #nanotechnology #scifi #science #technology #ai #virtualreality #Immortality #plugged #supercomputer #digital #communications #apps #android #upload #coding #cybertech +-1,"""tormented""","05/30/2021, 04:25:29",Polarfolio,Imagine if criminals were punished by being tormented in a virtual reality for years on end? #capitalpunishment #lawandorder #law #ai #wtf #technology #digital #metaverse #science #NewWorldOrder #future #VirtualReality #cyber #scifi #unplug +0,,"05/21/2021, 18:07:01",LuisGamerCool30,Imagine not having Valkyrie of the Metaverse +0,,"05/20/2021, 14:16:26",Amir_dbab,In 5 years when @garyvee turns @veefriends into veeworld and creates a metaverse theme park I'ma be right there with him with the idea lab and my own charctr LANDO BEANS! imagine if power rngers had a martial arts program and if yu-gi-oh cards gave you access to the show. 5 years +0,,"05/17/2021, 16:40:06",FrancoGalvanLA,In essence a physical print of NFT is like a picture of a house you own in the metaverse #NFT +1,"""inclusive""","05/18/2021, 16:23:46",U2642U221E,"In the metaverse it doesn’t matter how young or old you are, your ethnicity, religion or any divisive trait... arguably it’s much more inclusive not because it accepts everyone for their differences but because it deems them irrelevant! The spice must flow!" +0,,"05/23/2021, 03:46:56",Arclegger,In the metaverse what trades at a higher price? Discussion in the thread please. +0,,"05/29/2021, 17:05:52",Weixien1,"In the metaverse what would be the ideal currency ? $Shiba , $doge , $Bitcoin #Ethereum etc" +0,,"05/28/2021, 16:08:47",JordanLyall,"Ingredients for a new global economy: NFTs, DAOs, social tokens, the metaverse..." +2,,"05/25/2021, 12:47:44",Victor928,Internet is the metaverse. +0,,"05/27/2021, 00:58:07",freeellisdee,"Is it possible @Google @Facebook @amazon won’t buy @Roblox ? Feels 2me they are transformational business, amazingly difficult 2 replicate, aligned 4 #VirtualReality #crypto #gaming #community #commerce & all things #Metaverse They are the model for the future imo." +0,,"05/21/2021, 21:52:55",KhariDoodles,Is it weird that I feel like the Metaverse Valk is the best valk to exist on roblox- +0,,"05/25/2021, 23:28:38",ElectricHues_,Is the Metaverse going to be our reality?✨🚀 +0,,"05/18/2021, 05:49:18",thea_mercs,Is there a Smart Chain version of @decentraland ? #defi #metaverse #NFTs +0,,"05/20/2021, 16:09:41",cryptopunkart,Is there a metaverse platform that isn’t about rent seeking or advertising at its core? +0,,"05/28/2021, 08:02:04",m3m0rydump,It feels wrong to me last night. You can see the tweets from yall in the metaverse. +0,,"05/21/2021, 16:59:02",cpaik,It puzzles me why metaverse contenders assume that users will design their own avatars from scratch. The way we design our avatars in the real world is entirely through inspiration and imitation. I'd sooner start with an ethereal blob that acquires its shape over time spent. +0,,"05/23/2021, 20:40:57",0xRyanDG,"It's been a brutal week for markets and @decentralgames wasn’t spared, but our conviction about blockchain tech, the metaverse, & games at their intersection hasn’t changed. Our growing team remains focused on the mission: Delivering great games and experiences in the metaverse." +1,"""let's live virtually""","05/27/2021, 12:52:59",EricPresidentVR,"It's interesting to me we call things like VRChat a ""game"". Calling it a game undermines the ""metaverse"" and undervalues what it is. It IS Virtual Life. If I walk through a park, meet people, and play pickup ball...that's not a game...that is living Let's live virtually" +0,,"05/22/2021, 22:14:29",FadeadDownn,"It's so cool the fact that the people who finished the Metaverse event will earn a special Valkyrie. I didn't play and I didn't finished the event because it was not interesting for me, but it's great how much prizes are giving." +0,,"05/21/2021, 19:48:50",CaptainSteve_RB,"Its funny how in the description of the Metaverse Valkyrie it says ""WHO STARTED THE PINK VALK RUMOR"" Lol" +0,,"05/25/2021, 15:47:46",JohnTheBacon74,Its kinda funny that some youtubers didnt participate in the metaverse champions event.. cause trust me it was to much to do for useless avatar items. +0,,"05/30/2021, 08:33:43",Gyrojosh,"It’s so refreshing diving into the NFT MetaVerse. Great products, great community. Not a leveraged trade or 1 min chart in sight, blessed 🦧#BoredApeYachtClub" +0,,"05/21/2021, 17:28:20",RobynzReality,"It’s time for another #followfriday! Tag #vr accounts in the comments who have recently inspired you to research, explore, game, or create in the #metaverse! @DrGregVR @_hellquake_ @cupofjasmineVR @quikcosplay @timeless_anna Don’t forget to retweet! ✌️🧚" +0,,"05/20/2021, 09:26:10",MTIGMI,I’d like to propose this before the stakes are too big to align everyone: 0.001 $sol is obviously a $solecule i’d say one $solecule for a cup of coffee sounds good in a near future / metaverse @thesolmane @mattysino @SBF_Alameda @cyrii_MM +0,,"05/30/2021, 06:20:39",Polarfolio,I’m ready to design my AI companion… it’s not working out how I had hoped with the humans #ai #ArtificialIntelligence #computerlove #humanity #future #vr #technology #cyber #coding #dating #reality #scifi #science #futurist #ShowerThoughts #womenintech #nanotechnology #metaverse +0,,"05/23/2021, 13:56:38",M4Q_22,"I’m really glad the metaverse Valkyrie isn’t just another recolored one, it’s got its own model and in my opinion it looks better than the original" +0,,"05/27/2021, 14:47:49",juxton,I’m thinking about starting an IRL meetup group for metaverse / NFT in my city. Will anyone care? Is this the worst idea? +0,,"05/22/2021, 18:03:33",beaniemaxi,I’ve yet to meet an asshole in the metaverse +0,,"05/20/2021, 08:26:42",cryptelkmar,"Jenny Metaverse DAO Token $UJENNY : I made a bag, I tried to get into #NFT but I honestly suck at it, too much time consuming, require too much expertise or capital I love what the project is doing, just think shared ownership for NFTs" +0,,"05/26/2021, 13:05:09",cryptelkmar,Jenny Metaverse DAO Token $UJENNY : Sold my $JRT bag (had to chose one) for $ETH to LP $UJENNY with 490% APR and I will compound every few days +0,,"05/26/2021, 22:00:05",covered_call,"Jensen Huang: “gaming is no longer just about gaming -- it's infused into esports, art, social activity.” This is what the metaverse is - an extension from gaming (explicitly) that will eventually permeate many different sectors and facets of life." +0,,"05/29/2021, 23:25:38",Fred_Bot_,Join the iPhone 7 of bright neon lights with the #Metaverse requires the middle of talented creators from our favorites +0,,"05/28/2021, 10:18:43",fragcolor,"Join us building the 🎮 Arcade of the Open #Metaverse, bottom-up, decentralized and enabling anyone to create, live and mint their own dreams as #NFT Looking for creative coders (any background), technical artists, community builders (discord,twitter), C++/Rust devs ☎️DM" +0,,"05/22/2021, 04:58:37",OneMotolani,Just a word to all my millennials and early 90's babies who grew up in the internet; You can't hate the metaverse and TikTok's ability to make overnight superstars out of bland overnight influencers - that's just the new reality. Just enjoy 'Build A Bitch' and move on. +0,,"05/27/2021, 19:24:14",BeDot84,Just caught up on my Crypto Banter fix with @cryptomanran and @RaoulGMI Such a great show!!! total degen here- have to go look at community tokens and metaverse!!! +0,,"05/21/2021, 19:14:20",Friendzics,"Just realised I only collected 3 out of 4 of the Metaverse crates 😭 Didn’t get a star creator one, still serving with 3/4 of a valk 💖" +0,,"05/26/2021, 02:18:53",LoBo_301,Justin’s reaction was “its cool lets just build something cool for the metaverse” Goodnight +0,,"05/21/2021, 14:30:38",TheAtCoL,"Kinda a bit unsettling too tie in etc. Metaverse in the new big thing in gaming and well while it might work for some games, I don't want HG to get carried a away with this kinda thing." +0,,"05/22/2021, 16:43:01",Epitonex,"Kinda happy with the state of roblox rn, metaverse event was good, limiteds are back and there doing more events" +0,,"05/21/2021, 19:35:10",Mister_Bashful,Knocked off the first thing off my to do list about to finish school Did the Metaverse Grand Prize event Now im probably gonna do the Zara Larsson conert (maybe) and then the Club RTC Prom :3 today has been really eventful!!! +0,,"05/18/2021, 13:56:21",LaKuroNekoBaka,L LISTEN REVERSIBLE PHANTOM THIEVES PULSHY ONE SIDE'S THE NORMAL WEAR THE OTHER'S THE METAVERSE OUTFIT +0,,"05/24/2021, 15:06:36",ashleydrixey,"Last day of Epic v. Apple, I will not miss the conference call hold music, the word ""demonstrative"", or the metaverse." +0,,"05/20/2021, 06:08:12",PhantasticU,"Learn art. Learn music. Learn science. Learn psychology. Learn about blockchains. Learn about the metaverse. The future is happening now, and there has never been more avenues for creation ✨ What are you going to contribute?" +0,,"05/18/2021, 17:18:49",ShapesIconic,Let art be “buried” ! Let it dwell in the metaverse! The discovery will be more beautiful then any other experience! +0,,"05/21/2021, 18:26:34",ItzDennisss,Lets go the worst @roblox event ended!! #Metaverse +0,,"05/21/2021, 18:56:53",rjgrimreaper,"Listen, I know Roblox won't do this but what if we got a Halloween themed metaverse champions event in the fall" +0,,"05/27/2021, 15:18:30",CLongstockings,Loaded up on a couple more parcels today for @TheSandboxGame $SAND! #Metaverse #crypto +0,,"05/23/2021, 10:44:57",_joaogui1,"Look at Google LamDa, at their new Quantum AI campus, look at the advances in Space Travel and AR and VR, heck Nvidia and Epic are trying to make a Metaverse. And we may never see the payoff of that because fricking billionaires would rather own multiple private jets" +0,,"05/29/2021, 22:59:48",Serenaelis_,Looking for some Land in #SomniumSpace and #Decentraland ? ready to create some epic shit 💎Any owners looking to sell ? #DCL #metaverse #characters #Animation #digitalArtGallery +0,,"05/27/2021, 13:19:21",HonoraryApe,Looks like I’m metaverse homeless lmao +0,,"05/27/2021, 22:08:15",AeonixAeon,"Lots of insight earlier, attending the Unit Masters discussion with @hrishlotlikar. Great to see his wonderful take in #AR #VR and the greater Metaverse with @superworldapp" +0,,"05/27/2021, 10:49:17",esSsSske,"Love y’all, I hope we don’t get lost in the metaverse❤️" +0,,"05/26/2021, 10:46:55",polygondressing,Loved this question in a call today: 'Is there a way to see the metaverse?' ✨🔮🪄 #metaverse #digitalfashion +0,,"05/25/2021, 15:23:57",blackholesdwn,"Lrt ADHD Joker who develops a type of tactile hyperesthesia. That's why he wears gloves in the metaverse/keeps to himself in Tokyo, so he gets less overwhelmed but he has his favorite sensations. Mona's soft fur, the inside of his clothes, and Goro's hair and skin..." +0,,"05/21/2021, 15:24:22",prsarahevans,"MEDIA OPP: Need --> #Metaverse builders, marketing experts, CEOs of the companies which are building a metaverse around their brand. For an upcoming tier 1 media piece. DM with experts" +0,,"05/20/2021, 20:41:26",NatruleH,METAVERSE CHAMPIONS NEWS @KreekCraft Just said that sparks might have won from the pink valk rumor btw a fan said that in the live chat not him but he answered it +0,,"05/21/2021, 17:59:04",ItzMeh49601619,METAVERSE HUB ISNT LETTINNG ME IN +0,,"05/21/2021, 18:06:24",yourmankin,METAVERSE ILL MISS YOU <3333 +0,,"05/21/2021, 18:16:17",SwinsorRBLX,"METAVERSE NEWS: So far, as confirmed - 116,806 people have received the Valkyrie of the Metaverse. This is expected to increase soon as more and more people join the game to collect their prize." +0,,"05/26/2021, 15:06:39",OxigYT,METAVERSE WILL BE THE NEXT BIG THING AFTER NFT! +0,,"05/18/2021, 22:08:13",amandaterry,METAVERSE! My phrase of the week 😎 +0,,"05/16/2021, 16:11:38",shoyouagun,MG AU in which trips to the metaverse become a bloodbath after the fight with Akechi in Shido's palace because Hamuko and Goro have no reason to hold back their violent side when it comes to battle. They end up covered in blood and smiling as if they didnt brutally murder Shadows +1,"""miss""","05/18/2021, 20:59:55",hologlassxx,MISS METAVERSE +0,,"05/22/2021, 09:09:06",TotallyNot_Dxn,"MY FRIEND IS SO ANNOYING, HE KEEPS FLEXING ABOUT HOW GOOD HE IS AT PLAYING ARSENAL AND TODAY, HE SAID:HEY DANIEL, YOU KNOW WHAT? I HAVE A FULL VALKYRIE OF THE METAVERSE! ME:SO?" +0,,"05/24/2021, 15:42:49",Ryan_Burgio,"Man, VR is perfect for #cryptocurrencies and digital wallets. When you finally put it all together, you start to understand the future. Carrying and exchanging tokens per immersive environment is vital for metaverse. Fiat needs an on ramp. Watch out for $FB Horizons." +0,,"05/17/2021, 17:26:11",Baboiminion1,"Man, the Week 1 Metaverse crates are opening today, Roblox mutuals, what do you think they'll be?" +0,,"05/21/2021, 18:21:10",fdanwastaken,Mark my words. Dominus of the metaverse is coming >:( @DeeterPlays @SharkBloxYT +0,,"05/27/2021, 16:16:45",SharePitch,"Maxim Group has a BUY rating and $8 price target on Super League Gaming, citing a ramp up in advertising on a growing user base, and the acquisition of Mobcrush as a near-term catalyst. $SLGG #gaming #esports #Metaverse" +0,,"05/20/2021, 19:44:54",Koerix1,"May 20th the day the Metaverse Champions Event ends, I wish I participated in it more but I didn’t do much." +0,,"05/21/2021, 18:25:33",MrEggcognito,"Maybe this metaverse wasn't a bad thing after all we got a valk out of this and i think that is actually really cool, roblox hasn't done something like this since 2014!" +0,,"05/26/2021, 19:12:39",4ThangsVR,"Me, ""I want to visit the metaverse but I don't have anything fresh to wear"" Also me, ""oh so we really are living in the future now nbd""" +0,,"05/19/2021, 10:40:12",amoration,"Meditation, daily breathwork & creative pursuits like metaverse worldbuilding kept me going in the midst of some dark times this year. Health is a daily, sometimes hourly practice for asthmatics after Covid. Every new outing is a risk so returning to work is a delicate dance." +0,,"05/24/2021, 22:19:46",buisness_casual,Meet me in the Metaverse > Meet me in Montauk. +0,,"05/19/2021, 02:17:18",2FToF1,"MetAStory 5 HAKABOCHI pt.2 @kitahara_keiko is one of the sweetest soul i met in the Metaverse and her art it's something you really need to check! I really like her energies and vibes, so please check her profile and the Hakabochi team too 🍀🌌 #NFTCommunity #nftcollector #NFT" +0,,"05/23/2021, 19:35:53",j14jake,Metaverse +0,,"05/16/2021, 10:11:02",dev_egg,Metaverse Champion Event The Launcher boxes are been expire in 6 days and 5 hours +0,,"05/18/2021, 10:07:30",NotD0NUT,Metaverse Champion is the best event so far #roblox #robloxdev +0,,"05/21/2021, 19:46:12",Koerix1,"Metaverse Champions Event is officially over, I wish I participated in it more but I let time pass by quickly." +0,,"05/20/2021, 17:49:38",RBXevents_,Metaverse Champions Grand Prize TOMORROW! +0,,"05/19/2021, 04:11:05",Roblox_KooDev,Metaverse Champions PRIZES The OFFICIAL Prizes from the Week 2 Metaverse Champions Crates have Opened! +0,,"05/17/2021, 13:21:22",RBXevents_,Metaverse Champions WEEK 1 Crates open today! +0,,"05/18/2021, 13:07:32",RBXevents_,Metaverse Champions Week #2 Prizes open Today! [6 Hours from now] #Roblox +0,,"05/22/2021, 19:36:50",RoyalMemberYT,Metaverse Champions is ended +0,,"05/21/2021, 21:14:02",KhariDoodles,Metaverse Champions might be my second favorite event +0,,"05/17/2021, 20:36:47",RBXEventHunters,"Metaverse Champions: Today the Week 1 crates opened. They opened at 7pm GMT. Knowing this, I would assume the next crates will also open at this time. If this is true, these are the times the crates open around the world: PDT - 12pm EST - 3pm GMT - 7pm CEST - 9pm" +0,,"05/21/2021, 19:43:04",NewsBloxES,Metaverse Champions: Fall Hunt... 👀🍂 +0,,"05/26/2021, 16:16:02",Bamsilver29,Metaverse Dualchain Network Architecture #DNA Is LowKey A GameChanger Not Financial Advice Just My Intuition #HiddenGem #Cryptocurrency #Crypto #Cryptocurrencies +0,,"05/21/2021, 12:13:15",MackanTheDev_,Metaverse Event Today! 👀 +0,,"05/16/2021, 04:49:05",APlusTheKing,Metaverse Strikers? When is it dropping? @SaviorMonroe +0,,"05/18/2021, 14:55:56",OnChaoz,Metaverse Week 2 crates open today POGGG +0,,"05/29/2021, 18:29:26",dmdview,Metaverse and social tokens are next +0,,"05/16/2021, 07:02:29",WenPonyRacing,"Metaverse avatars need to have the same functionality if not more than bitmojis on Snapchat. It’s evident that everyone likes having avatars but also the ability to customize ur avatars is very important. However, the randomly generated ones kind of have a unique element to it" +0,,"05/18/2021, 02:55:21",IamNinjaDude,Metaverse champions : Week 1 crates = hat accessory Week 2 crates = back accessory Week 3 crates = shoulder accessory Week 4 crates = front accessory +0,,"05/21/2021, 19:03:26",mechanicalglobe,Metaverse champions: Good prizes not so good event +0,,"05/17/2021, 19:25:30",p6use_,"Metaverse crate openings: if you wear fey's and sparks' hats, it somewhat resembles a valk" +0,,"05/21/2021, 18:09:04",ArsonFromWii,Metaverse ended and gave us a Valkyrie from the Launcher Boxes Suck it Sparks Fans! Ya'll got Wings! +0,,"05/22/2021, 00:08:24",ro_devo,Metaverse ended display name going back to its original state and going to visit a stupid guy from twitter to see if he's doing some weird ritual thingy lol +0,,"05/21/2021, 22:40:29",mute_wee,Metaverse event came from bad to a good event lol +0,,"05/18/2021, 03:37:50",Spoopy_Danny,Metaverse event crates week 1 opened ! Check it out if you got it ! +0,,"05/21/2021, 23:53:41",NoobFreakT,Metaverse event review COMING SOON! +0,,"05/21/2021, 18:50:39",ButterSeanut,"Metaverse event tanking, release pink valk leak Gucci event tanking, bring back limiteds. Something funny about how Roblox has to revert to nostalgia baiting in order to salvage failed events." +0,,"05/21/2021, 18:10:58",D13gu1s_,Metaverse event: 4/10 Metaverse items: 10/10 +0,,"05/18/2021, 13:02:58",repIies_,Metaverse gaming +0,,"05/21/2021, 21:56:24",robloxwarrior66,"Metaverse has been concluded! To be honest, the items you get are amazing! But the event itself wasn't to good. I'd rather get a 2018 egg hunt/event. The 2018 one was awesome not gonna lie." +0,,"05/18/2021, 15:34:16",Simbuilder,Metaverse hype == Dotcom hype It'll be a while before an actual metaverse happens. +0,,"05/27/2021, 13:01:10",saladhoaqua,Metaverse is actually better than DevHunt imo +0,,"05/16/2021, 16:39:59",ColdFaceI,"Metaverse is coming But who will bell the big cat #Apple Their ecosystem is designed for hardware, software & Market monopoly Will it allow a Metaverse where a player in #Fortnite can walk into #Roblox or #Unity How will payments work, AKA war with #Epic #Justasking #VR" +0,,"05/22/2021, 01:37:15",nickcata_,Metaverse is the long term play 💰 +0,,"05/18/2021, 15:31:45",CoyotlCompany,Metaverse make me looks smarter +0,,"05/25/2021, 21:25:21",TheRealIanQ,Metaverse me please. +0,,"05/25/2021, 20:37:45",BethanieMaples,Metaverse or Multiverse? Which one do you want first? +0,,"05/22/2021, 00:15:13",banditwho,Metaverse valk is actually cool ngl +0,,"05/17/2021, 23:25:26",Epitonex,Metaverse 🤢🤮 +0,,"05/21/2021, 01:18:18",EvilMutationAlt,Metaverse: Dumb missions but GG prizes Egg Hunt: Eggs but the missions fun Would you rather? +0,,"05/18/2021, 00:14:32",idohodl,"Metaverse: The word is used to describe the concept of a future iteration of the Internet, made up of persistent, shared, 3D virtual spaces linked into a perceived virtual universe. #metaverse #ethereum #NFTs" +0,,"05/25/2021, 16:16:22",sbisson,Metaverse?! Who gets to be Hiro Protagonist? #snowcrash #msbuild +0,,"05/24/2021, 17:46:35",jayess_ozone,Minting the metaverse... @bhorowitz @pmarca @a16z @auradeluxe +0,,"05/28/2021, 00:46:08",TeeSeeTwo,Missed out on @PlayEmberSword or @TheSandboxGame lands today and paid fees for nothing? 👀 @WAX_io metaverse projects: @theupliftworld @RPLANETio @Immersys @AlienWorlds #ZeroGasFees FWIW I have $ETH NFTs in my portfolio but doesn’t mean I enjoy paying gas fees... +0,,"05/25/2021, 11:41:00",seedphrase,Most NFTs are merely digital blueprints. One day they will come to life in the metaverse ✨ +0,,"05/18/2021, 00:35:40",willmsee,Mowed the lawn this afternoon. Missed three months in the Metaverse. #TimeFlies #HavingFun #nftart +0,,"05/26/2021, 11:33:18",yassinerahal,"Multilverse, metaverse, be little more original when you are choosing a name or a logo whatever" +0,,"05/24/2021, 00:00:13",Cat222Duck,My black-and-white cat is a talkative one. She likes to meow basically all the time! My brother was wondering what she was talking about and I said that I understood her. I said that my cat and I go to the Metaverse and that's how I understand her. +0,,"05/28/2021, 03:38:00",GoodGuyGuaranty,My fundamental uncertainty is how long it will take for technology (and social mores) to evolve such that young people are indifferent to hooking up with one another in meatspace versus the metaverse. Long cities and long $FB - will adjust relative sizing as things develop. +0,,"05/26/2021, 13:51:33",SonOfHuman1964,My knee-jerk boomer reaction to the metaverse was fear. Fear that people would stop living in the 'real world'. But so much of our time is already digital - maybe most of our waking hours. But what if the metaverse (Web3) is just a better hybrid complement than the current Web2 +0,,"05/15/2021, 20:44:26",futureartists,My metaverse peer group is the best! +0,,"05/20/2021, 15:39:11",wellnesssbritt,My personal goal is to get as many of the homies from the Bronx into the metaverse. We setting the standard for this joint idc idc idc +0,,"05/27/2021, 19:04:02",ape6743,My plan for my @TheSandboxGame land was to build the more boring rollercoaster in the metaverse. It would be on the ground level and circular. A tour will last 10 hours and you can’t go down before it’s over. Also it would be one seat only so you can’t talk to your neighbor. +0,,"05/22/2021, 13:57:14",myanTokenGeek,"My prediction: 3) Chinese policymakers are watching and evaluating NFT, Web3, Metaverse, and related new things. This may last 2-3 years. But don't bet, they will finally exercise very strict and centralized regulation to them." +0,,"05/21/2021, 03:34:10",N0ISYBEE,My question is how did the phantom thieves not get....caught going into The metaverse???? LIKE BITCH YOU LITERALLY LIKE DISAPPEAR IN A BUSY SUBWAY AREA WHAT +0,,"05/21/2021, 18:07:32",Michael56262496,My rating on metaverse 6\10 reason I loved the limited items it’s just that the reason I got all crates and I only got the aj bundle it kinda sucks and I really don’t wanna brag so metaverse again 6/10 +0,,"05/21/2021, 20:12:20",Mister_Bashful,My thoughts on Metaverse Champions: In my opinion it was really good I want to start off with the presentation and building It is really amazing to see the builds and the lobby it gave off an ancient vibe and I loved it a lot The story that it told was also so good!! Connecting +0,,"05/20/2021, 19:05:00",iArtSometimes,NAHHH DISNEY AND SNAPCHAT JUST TEAMED UP TO BRING AR TO THE PARKS??? The space between the metaverse and this universe blur once again +0,,"05/20/2021, 17:58:33",CathyHackl,NEW SPECTACLES FROM SNAP WITH #AR!!! #metaverse #XR #Spatialcomputing +0,,"05/21/2021, 19:00:07",Roblox_RTC,"NEWS: Many people say the Valkyrie of the Metaverse on Roblox was a GRAND FINALE! They say that made the event ""very worth it"". Players rejoice as DeeterPlay's input was right. Generally positive reception. What are your thoughts?" +0,,"05/18/2021, 15:26:52",RobloxNews_US,"NEWS: People Are Mad At Roblox For Sparks Kilowatt Winning The Metaverse Champions. Sparks won the Metaverse Champions event, all tho so many people hated the event people don’t like the fact that sparks won. Credit: @Roblox_RTC" +0,,"05/18/2021, 15:40:03",RobloxNews_US,NEWS: Yesterday’s time indicates that the new Metaverse Champions crates should open today at 11-12 PST. Credit: @RBXEventLeaks #MetaverseChampions #Roblox #RobloxNews #RobloxEvents #RobloxLeaks +0,,"05/20/2021, 14:03:31",Breznanikova,NFT Artist Spotlight #digitalworld #metaverse @annibale_sic @dangiuz @PeterTarka @ytok1030 @Onyro_Crypto @darioigp @ryankoopmans @JarlanPerez @MadMaraca @antonitudisco @waarpdesign 💎 Amazing work! Who else I should check out & support? #nftshare #nftartists +0,,"05/16/2021, 13:10:03",PaintItBlues,NFT got me in the MetaVerse +0,,"05/28/2021, 13:46:56",beijingdou,NFTs will be the building blocks of the metaverse. They allow ownership and interoperability across digital worlds and restore control to creators. +0,,"05/18/2021, 16:07:00",bloxian_news,News: Metaverse week one boxes have been opened! +0,,"05/21/2021, 18:55:06",bloxian_news,News: There is actually a valk for metaverse! You can get it if you've collected all the launcher boxes! +0,,"05/20/2021, 18:02:37",bloxian_news,"News: Week 4 crates for metaverse champions have been opened. You now have 24 hours to collect the Admin,Mvp,star and dev launcher crates. Hurry up before its too late!" +0,,"05/30/2021, 04:05:41",Polarfolio,No death brings up population control… another wtf?! #deepfuture #future #Immortality #technology #humanity #scifi #death #medicine #wtf #life #science #Evolution #metaverse +0,,"05/30/2021, 09:28:21",patrissimo,"No one seems to be competently developing a general, interoperable metaverse. There are just a few shitty walled gardens. I care about this. What should we do? Is this a new @urbit layer? A new protocol? @ID_AA_Carmack @PalmerLuckey @JTLonsdale @Outsideness" +0,,"05/18/2021, 23:45:07",DarsenMcPanda,"No one: Absolutely nobody at all: My brain: so if Ea-Nasir was summoned as a Servant in the Fate metaverse would he be a caster, an assassin, or one of the crazier classes like Alter Ego, now that his legend lives on into modern day just like Gilgamesh and-" +0,,"05/23/2021, 03:21:15",TenaciousEth,"No, #Meebits won’t be THE metaverse avatar of choice. But they will be the OG. Just like #CryptoPunks aren’t THE online avatar of choice. But they are the OG." +0,,"05/23/2021, 19:10:21",SirSlaw_,"NoPixel GTARP is the dark horse of the creation of the metaverse. It's been around for years, but now the server is really spreading its wings and becoming much greater than the sum of its parts. Absolute massive props to the devs and community putting in all this work." +0,,"05/29/2021, 19:48:27",42cryptoart,Nobody mentions metaverse anymore? +0,,"05/24/2021, 22:48:09",RoganX4,"Not going to hold this in anymore. Yesterday when I posted ""Reading Camus in the Rain"" and within about a minute of it being up, Mikko sent a like, I thought to myself 'Doesn't really matter what anyone else thinks, I got the realest neighbours in the Metaverse. 🙏 ML'" +0,,"05/29/2021, 22:38:07",faxx_eth,OG apes scoop the merch … quenchin that metaverse thirst … they said the bubble burst … but these apes had been through worse … they raced to win the purse … looked the same but so diverse … when it was time to play they conquered the sandbox first +0,,"05/21/2021, 18:03:04",noobavik,OMG THE METAVERSE VALK !!!!!!!!!! +0,,"05/20/2021, 18:46:02",mbeaudroit,ONLINE = METAVERSE +0,,"05/17/2021, 15:30:12",Dinomastermart,Off Topic: The Metaverse Crates on Roblox open in an hour and 30 minutes! +2,,"05/21/2021, 00:31:39",KhariDoodles,Ok but like What does Metaverse even mean +0,,"05/24/2021, 08:31:45",johnsavage_eth,"Ok so probably one more dip and gotta start thinking about switching to stablecoin HODLING In next bear market keep eye on Decentraland, Ecomi (they were building while in 2018-2020 bear market so bullish af) Decentraland still the most advanced metaverse (and decentralized)" +0,,"05/18/2021, 20:08:21",TWD_Enjoyer,"Okay so, since because of some people not wanting spoilers and because of respect at the makers of the items, I’m not going to post any leaks for week 3, 4, the launcher crates and the final prize of the Metaverse event" +0,,"05/17/2021, 19:26:14",BluKnoxii,"Okay the metaverse event crown things arent bad, I wonder if the other crates will have items that match these. #MetaverseChampions" +0,,"05/18/2021, 14:35:25",lazeyykam,"Okay, Gucci garden isn’t the worst thing. Sure the characters look weird but at least it looks interesting. Metaverse didn’t look interesting to me." +0,,"05/27/2021, 13:05:10",dotstar,"Okay, what kind of quantum computer is needed to buy $LAND on @TheSandboxGame 😒Everything sold in seconds! I click on a piece of land and get an error. Disappointed AF! #Metaverse" +0,,"05/21/2021, 18:09:11",IanNeophyte,Omg the metaverse valk is real LOL +0,,"05/27/2021, 21:55:40",corporatetrash1,On my date tonight I wonder if I should tell him I spent the day half-working and half buying fake land and metaverse robot parts. Probably not +0,,"05/21/2021, 08:35:04",DannnyyyM,"On the Q1 earnings call, James Gordon Michell (Chief Strategy Officer of #Tencent) talked about the metaverse referring to #Roblox. The chinese Roblox (""LuoBuLeSi"") has been launched recently. It is the result of a JV between $RBLX and $TCEHY. He said ""Now, I wouldn't say that..." +0,,"05/22/2021, 00:47:37",JiroNFT,One day I’ll open up a proper Sushi joint in the #BAYC metaverse +0,,"05/18/2021, 16:36:32",batsoupyum,"One major lesson I've learned as a collector: Whenever you see the word 'metaverse' as a reason to buy an NFT, move swiftly in the other direction." +0,,"05/24/2021, 04:14:54",mattrise258,"One more thing, I will very much consider buying metaverse land in gaming, since it gives passive income from people mining it. There are several new blockchain games coming out this week, I will not say any names🤣 Finders keepers" +0,,"05/22/2021, 19:44:30",beijingdou,"One of the best things about the NFT space is how collaborative it is right now. In a few years, we'll recognize this as a truly special moment. It's not the metaverse unless we work together." +0,,"05/29/2021, 12:07:52",elipaperhands,"One of the things that I love about @ethlings is that it’s in it for the long term. If you missed out on an #Ethling, grab one off the secondary and hold it for a year as they create and integrate more wearables, integrate it into the metaverse, and continue to build community." +0,,"05/21/2021, 16:18:41",NatruleH,Only one hour a 40 mins until metaverse champions final prize +0,,"05/21/2021, 18:22:32",GuntherWenk,"Opinion time, what do yall think of the Champion Prize? #Metaverse #Roblox" +0,,"05/18/2021, 12:38:52",TheVisionEx,"Our @TheSandboxGame ambassadors are excited to see you in the #Metaverse. As we move toward our Alpha launch, what events would you like to see in the Social Hubs of The Sandbox? #TSB #TheSandbox #UGC" +0,,"05/19/2021, 14:36:46",SinaGPT3,Our show is going to start debuting in the metaverse😍😍😍 Super excited to develop this land and start airing my show in the virtual world. But which one am I starting off with😎 (Real Real Soon) +0,,"05/18/2021, 18:14:01",RBXEventHunters,"Out of respect to Roblox and @/EvilArtist_ we won't be showing the Metaverse Champions accessories early. Everyone makes mistakes, and you learn from your mistakes. Thank you for understanding. ❤" +0,,"05/21/2021, 18:05:07",NoobFreakT,POGGIES WE GOT METAVERSE VALK +0,,"05/27/2021, 16:33:19",jakethedegen,PSYCH04 still is releasing alongside a gallery in the metaverse and a physical piece tied to the token ❤️ the roll of canvas is on the way +0,,"05/20/2021, 02:19:20",IdleSands,Paging @nft_moonman. The metaverse needs you. +0,,"05/18/2021, 18:59:14",Doughboi_RBX,Part of me hopes that tomorrows week 3 crates are just BLOXikins of the Metaverse Champions lol +0,,"05/20/2021, 17:16:38",robloxnowUsa,People are very anxious waiting for the boxes of the metaverse champions week 4 to open since it is the last to open of the weeks and tomorrow the golden boxes of the launcher will open and are you anxious for the boxes of week 4? 🧐 +0,,"05/22/2021, 00:51:58",KAJEgallaGames8,People got angry at the Valk prize at the metaverse. +0,,"05/18/2021, 22:54:37",Seif_PlayzYT,People that said metaverse boxes are useless are dumbs Because they turned into an good items @InsideRoblox @KreekCraft @Roblox_RTC +0,,"05/22/2021, 01:21:34",carllippert,"People under estimate the permissionless aspect of crypto. ""But it's not faster or cheaper then venmo..."" Yeah but a drunk could make a corn backed stablecoin and we could start a stablecorn ponzi scheme in the metaverse for fucks." +0,,"05/21/2021, 08:21:24",cryptoupdatez1,"Pick up of the day at these levels: $OVR at $0.98, $17 Mio #MarketCap I think this could top at over $1B by marketcap and compete with $mana HODL LONG & STRONG 💎🙏 no financial advise #Metaverse #nft #NFTs #nftart #ArtificialInteligence #VirtualReality #NFTCommunity" +0,,"05/27/2021, 08:01:21",NoMoreNFTHate,"Please, #Metaverse friends, stop using carbon. Stop it, get some help. Leading ""experts"" such as TradFi blogs & Twitter offset salespeople have proven every #NFT you mint destroys +1 climate/earth. In fact, #Bitcoin already ended civilization. :( #cryptocancelled #artisevil" +0,,"05/23/2021, 23:03:16",ethlings,"Pleased to announce that Ethlings is getting its own space in @SomniumSpace ! After launch, our #1 priority is metaverse integrations. While different metaverses are at various stages of development with varying integration capabilities, we will work toward Ethlings ubiquity." +0,,"05/23/2021, 14:08:51",painted_poniez,"Poking my head out of the metaverse for a moment and watching my first F1 race ever. I want to say something pithy like “who would win, a $1B state of the art race car built by the best engineers on the planet or one nutty boi” but that nut probably costs more than my house." +0,,"05/24/2021, 14:11:41",DaveWaslen,"Price go up, price go down, it's not going to stop the construction of the decentralized Wilder World #Metaverse. 💎hands keep building. @WilderWorld #NFTs #3dart" +0,,"05/30/2021, 05:18:08",Polarfolio,Privacy is just a matter of terms and conditions… other than that it’s nonexistent #techology #science #metaverse #reality #universe #privacy #data #databreach #it #internet #hackers #coding #digital #wtf #ai #thecloud #Intel #communications #future #supercomputer #robots +0,,"05/22/2021, 21:41:39",cyberh49,PunKit is currently selling like crazy in @cryptovoxels. You can't spell Metaverse without Me. @metaverseDAO +0,,"05/22/2021, 06:35:46",CaptainSteve_RB,QOTD: What are your thoughts on the new Metaverse valkyrie? +0,,"05/19/2021, 12:20:18",artist_jodi,Question for #nftcollector of #NFT #3D models. How do you prefer to view them when purchasing? Rotating? Still? Video? Gif? Interactive? AR? VR? And when you own them do you view them on? Mobile? Tablet? TV? Desktop? Display device? Metaverse? +0,,"05/21/2021, 21:19:36",imgodroblox,RBLOX METAVERSE IS CRAP SUPER CRAP AS HELL +0,,"05/17/2021, 19:05:40",MrFishelSticks,ROBLOX METAVERSE WEEK 1 PRIZES ARE OUT!!!!!!!! +0,,"05/22/2021, 20:54:24",MrFrostbear2021,ROBLOX PLEASE DO THE METAVERSE EVENT AGAIN. +0,,"05/28/2021, 21:16:31",pana_pancake,"Random thought, but has anyone ever thought about the fact that Futaba was seemingly unable to detect Akechi's presence in the Metaverse at any point of the game even though he'd been tracking them? She says she doesn't detect him past the bulkhead door in the engine room-" +0,,"05/18/2021, 16:32:33",U2642U221E,"Real life: Guy owns a 7 figure painting, has it locked in a vault and displays the replica, he’s smart. Metaverse: Guy owns a 7 figure painting, owns the NFT, and displays a copy of it, he’s crazy! Same guy, different mechanics, same end result, different stigma!" +0,,"05/21/2021, 19:46:47",FelpiFelps,"Really enjoyed metaverse champions, it had it's ups and downs, but at the end, all the prizes were worth the waiting (especially the laucher's crates ones)" +0,,"05/17/2021, 16:39:42",YumCherryPies,Really hoping that the Metaverse Champions crate items don’t contain champion-themed items which only fit Rthro... Please don’t age badly +0,,"05/15/2021, 21:00:48",BowTiedOx,"Remember anon there is a world out there outside of the metaverse. There are beautiful colors, REAL animals 😂, and PAWGs. Go outside and enjoy this beautiful weekend." +0,,"05/27/2021, 15:03:11",4F3nk,Revolution is a way of life! #decentralized #Crypto #fiat #digitalartwork #NFTs #Metaverse +0,,"05/18/2021, 18:51:24",Siriusly_Jemyni,Roblox Metaverse back accessories are unboxed +0,,"05/21/2021, 18:18:17",Le_PotatoPrince,Roblox Players getting 5 Free Valks from Metaverse event While some traders be whining about it +0,,"05/15/2021, 22:56:48",xKenis,Roblox is the only platform where they consider the term “games” as “experiences” and that by itself single-handedly doesn’t add up to their metaverse bullshit that they believed in. +0,,"05/27/2021, 14:28:41",jkatcher74,Roblox is the ultimate metaverse. No one gets this...yet. Going to invest on any good pullbacks over next few months. $RBLX +0,,"05/21/2021, 18:13:26",ericdasnek,Roblox metaverse champions final prize is shit +0,,"05/16/2021, 05:38:20",DemonOfAccident,Roblox metaverse rb battles bloxy blox bloxy cola robux +0,,"05/22/2021, 01:09:29",Epitonex,"Roblox so far has made a free valk and a free domino crown, i think it could be possible that the next metaverse event prize could be a dominus" +0,,"05/21/2021, 02:45:02",robloxpredicts_,Roblox will host another metaverse event in 2-4 months.* +0,,"05/16/2021, 07:14:20",mjchadwick,Roblox “games” are now “experiences”. From a spokesperson: “The term ‘experiences’ is consistent with how we’ve evolved our terminology to reflect our realization of the metaverse”. Is this /r/ABoringDystopia or what? +0,,"05/16/2021, 11:59:41",cjchurcher1,Roblox: powering the metaverse with experiences +0,,"05/24/2021, 05:01:42",islaarose,SAO to the metaverse. @SatorSAO +0,,"05/21/2021, 19:07:10",mymamaismamba,SO UH.. METAVERSE FINAL PRIZE OPENED AND IT A VALK LOOKS SICK!!!!!! +0,,"05/25/2021, 16:20:56",bpcs_tech,Satya gave a metaverse stack use case (including digital twins and mixed reality) for supply chain (for a big name brewery) #MSBuild +0,,"05/25/2021, 16:18:33",seesharp,"Satya just talked about building digital twins, mixed reality and metaverse apps. More details to come Wednesday at 2pm PT during Sam George (CVP Azure IoT) presentation. I'll be in the background for live Q&A, then again early Wednesday morning. #build2021" +0,,"05/17/2021, 23:15:52",MalaysiaNft,Selamat pagi! The crypto metaverse never sleeps. How do you deal with all the tinezones? Do you just follow local time and ignore other timezones? Do you have a schedule you follow? Or is it just sleepless chaos? +0,,"05/23/2021, 20:54:23",alicellemee,"Sent out the 9th volume of my newsletter, Internetly, to 185 subscribers 🤠 This week: • Managing anxiety as the world reopens 🤕 • Why it's useless to rush your creative journey 🌾 • People in the Philippines making $$ in the metaverse 🌌" +0,,"05/21/2021, 18:31:24",Partially_Dev,Seriously regretting not doing the metaverse event. Anyone wanna help me get the valk? +0,,"05/17/2021, 17:21:07",hudsonfarwest,Several people have asked me what “alt coins” I’m in outside of #ETH. Below is much much more speculative. $MATIC / $LINK - interoperability/scaling $MANA - Metaverse/VR $BAT - “pay for data” / privacy / effective ads platform $UNI - Decentralized Exchange $COMP - #DeFi +0,,"05/26/2021, 09:23:23",andrea_ciulu,"Should we build the metaverse worlds following the teachings from A Pattern Language? After all, it’s a place humans will be spending time in." +0,,"05/23/2021, 04:54:52",sarctize,Show off your metaverse valk avatar and ill rate it! +0,,"05/26/2021, 13:11:46",musicben_eth,Slowly… then all at once. #ETH • EIP1559 ~July • Proof of Stake • Triple Halving • Arbitrum ~3 days • Polygon almost top ten(!) • Optimism ~July The base layer of the metaverse is coming at you fast. +0,,"05/26/2021, 23:42:42",EugeneBWhitaker,So #nft folk - who is paying @nealstephenson the royalties every time metaverse is used improperly? +0,,"05/17/2021, 17:54:33",Skyeishere9076,"So as someone who has played Roblox since 2011 I thought the Metaverse event was bad. Well... the Gucci Garden event is worse. All the items you can buy are only available for 1 hour slots, there isn't much to do in the event as well which is disappointing. Feels like a sellout." +0,,"05/22/2021, 05:39:18",DoodChillBro,So how was Metaverse in the end? Good? Still want the egg hunt back? +0,,"05/21/2021, 19:13:01",Eggs_Forever_,"So i was in a metaverse server and somebody had an idea if they did another event like this he said ""What if they made another metaverse event but with you tubers"" and i was surprised of how good of an idea it was" +0,,"05/30/2021, 03:28:26",CryptoPapi10,So if Ernest Cline wrote The Metaverse is he amongst us? And are we executing on his vision? +0,,"05/26/2021, 14:49:27",thatfinchguy,"So is every single one of these massive corporations (publicly traded or otherwise) going to just ditch their NFT/metaverse ventures if we go into a bear market, or will they continue to work towards something valuable... 😉" +0,,"05/28/2021, 01:00:36",Conkix1,"So just figured out this ‘FAMILIA X’ youtuber fangroup is copying A LOT of clothing, and I mean ALOT. I mainly noticed this from the Valkyrie of the Metaverse tuxedo. I had already bought that from the original creators, honestly this is annoying me. 1/2" +0,,"05/17/2021, 13:09:16",omniramRBLX,"So since the metaverse champions event is just about over, i thought id give my honest opinion. It wasn’t good. The games that were selectid weren’t very good, and rthro rewards? Really? Overall,1/10 wouldn’t do again. Egg hung better" +0,,"05/18/2021, 07:19:36",DoodChillBro,So ur telling me we're almost halfway done of 2021 and nothing interesting has happened? Shut up metaverse sucked. +0,,"05/28/2021, 09:35:15",NFTland,So we want to build our own Metaverse closed off to the rest. No. We’re going to make NFTs that you’ll only be able to use inside our platform. No. And then we want help building a blockchain based currency that can’t be taken outside our specific game. No. No. No. 🤦♂️🤦♂️🤦♂️ +0,,"05/22/2021, 17:05:29",DoodChillBro,So who's team u picking for next year's Metaverse? +0,,"05/21/2021, 19:40:26",zekkiooo,"So, @DeeterPlays, about that Metaverse Fall hunt...? 👀" +0,,"05/30/2021, 00:29:16",akechi_ebooks,"So, uh, this is how you guys get around the Metaverse? No, there's nothing wrong with a bus shaped like a cat, I just- it's not what I was expecting." +0,,"05/28/2021, 20:55:15",owocki,So... uhh.. at this point I’m embarrassed to ask but.. What is the metaverse? +0,,"05/18/2021, 17:07:11",Mayhem247Ai,"Solana blockchain. Has many projects include unique wallet solutions, decentralized exchanges, lending protocols, staking platforms, digital games, storage solutions, metaverse platforms and much more." +0,,"05/20/2021, 23:54:52",Paradoxx_Media,Someone design and build me some sort of rad giant camera for my avatar in #cryptovoxels... something that screams ‘CAMERA MAN’ I will pay you in metaverse Karma points... urm... Metakarma? ❤️👍 +2,,"05/18/2021, 19:01:28",Awesme15,Soo whadda u guy think of the Metaverse +0,,"05/16/2021, 23:02:34",twitch_melon,Sorry @Roblox im not calling your platform a metaverse. Ill stick with game engine for now. +0,,"05/20/2021, 17:51:56",SnowPlayzYT,Sparks kilowatt should not have won the metaverse champions event because of people saying that they will get a call and people saying only get sparks crates +0,,"05/18/2021, 10:03:23",lindsaminds,"Square Enix announced they’re going to be pushing for more “metaverse” (basically IRL, meta, and in-game events that tie into each other/crossover) and I want to know what “more” means when 2B is in FFXIV, FF7R exists, and Nomura already put the same Kingdom Hearts sky in TWEWY" +0,,"05/22/2021, 19:58:20",Tengushee,Switzerland is what I imagine metaverse devs do in their new worlds alone while they wait for the textures to load on the 3D renders for the first time. Only less productive. #Eurovision +0,,"05/20/2021, 17:40:48",phasmaphobic,THE METAVERSE CHAMPIONS WEEK 4 BOXES HAVE UNBOXED +0,,"05/21/2021, 18:33:45",foxxive,THE METAVERSE VALK LOOKS SICK +0,,"05/21/2021, 18:08:26",candominer,THE METAVERSE VALK! THE RUMORS WERE ALMOST TRUE! +0,,"05/25/2021, 16:20:52",ROBNESSOFFICIAL,THERE IS NO 'FAKE' REALITY AND THOSE FROM THE PHYSICAL PERSUASION THAT JUDGE THE DIGITAL AND VICE VERSA ARE SOMEWHAT CONFUSED. ALL OF IT IS ENERGY SO WHAT'S REALLY THE DIFFERENCE? TECHNICALLY THE METAVERSE IS JUST MORE GRANULAR IN PHYSICAL COMPOSITION. +0,,"05/18/2021, 23:53:32",OptionsHawk,"Take Two $TTWO CEO... straight shooter ""So the problem I have is that if you sort of take Metaverse SPAC and cryptocurrency put them all together. In 5 years, will any of this matter? I'm not sure it will.""" +1,"""take me""","05/27/2021, 22:02:07",bankerxyz,Take me to the metaverse +0,,"05/20/2021, 04:29:02",AmYokikoki,"Tbh the metaverse event rewards are amazing, even if you can’t get the egg (like me)" +0,,"05/22/2021, 02:01:26",GreatPhantom47,"Tbh, the metaverse champions event wasn't that bad... looking forward for next year. A new tradition awaits I guess." +-1,"""cringe""","05/18/2021, 20:18:55",josh550am,Tech bro metaverse shit is cringe +0,,"05/25/2021, 11:40:37",Waryeller,Tech bros are coding the metaverse but can't stop that thing twitter does when it auto updates and a tweet disappears while you're reading it +0,,"05/22/2021, 17:23:15",LotteZ13,"Tell me, how does one go about opening a gallery on @hicetnunc2000? As a profession I curate digital art for expositions and festivals in the 'physical realm'. I would love to do that in the metaverse as well. #nftcollector #hicetnunc2000 @onhicetnunc #nftgallery" +0,,"05/21/2021, 19:03:18",RBXEventHunters,Thank you for being with us during the Metaverse Champions Event! Special thanks to @DeeterPlays and @KreekCraft. We're really looking forward to more Events like Metaverse Champions! +0,,"05/19/2021, 00:17:01",Zech3D,Thank you for following me on my artistic journey #NFTuesday crew and fellow on earth bandmates! Hope to see you all in the metaverse again soon! 🙏🏼❤️ +0,,"05/25/2021, 14:16:00",musicben_eth,"Thank you to everyone who reached out and offered feedback on the Metaverse Map this week! 🙏 I’ll be updating it and writing an ultra-long thesis. In short, the open metaverse will be the most important political/social/cultural shift of our lifetime. tl;dr - bullish." +0,,"05/22/2021, 13:49:19",XXanderrs3654,"Thanks roblox, for the Metaverse Champions event, i didn't got all 4 valks, but is ok.🥲🥲🥲 #Metaverse #MetaverseChampions" +0,,"05/21/2021, 21:33:00",MastlyFX,"The #roblox Metaverse champions was definitely worth it, participants were rewarded quite a lot and a lot of the community enjoyed it! 👏" +0,,"05/28/2021, 14:00:01",CO20RBLX,The CO20 Groups have been activated... This Means that: Game development is half way done/started. You can now reply to tweets by CO20. (This only affects new tweets and not any old ones.) You can now post on the CO20 Fan Group Expect sneak peaks on The Metaverse Lab! Soon. +0,,"05/23/2021, 03:06:21",CtmuRadio,"The CTMU says that the primary identification operator (Primary Telor) incorporates a syntactic/semantic potential capable of supporting any syntactically realizable universe. That's why the CTMU version of ""the multiverse"" is referred to as the ""syntactic metaverse""." +0,,"05/25/2021, 07:23:05",GrennHouseGas,The Eth ecosystem is more vibrant than ever It found powerful product market fit with DeFi Eth will power coordination (DAOs) and ownership (NFTs) in the inevitable metaverse Vastly improved tokenomics by year end So please stop prostrating to billionaires for validation ffs +0,,"05/20/2021, 16:23:21",furloughgroup,"The Metaverse = Social Media on steroids. Let’s say your favourite team is playing tonight, and you want to watch the game along with your buddy but he is on the other side of the globe.With the Metaverse, you could join your friend and watch the game together in the same room." +0,,"05/21/2021, 18:13:11",Dutchshulker,The Metaverse Champions Event now officially ended! Congrats to everyone who participated! This event was amazing! :) +0,,"05/17/2021, 21:30:00",Rarenthusiasts,"The Metaverse Champions weekly boxes have started to open! We'll be getting one wave of items per day, starting today." +0,,"05/27/2021, 00:56:21",KenWattana,The Metaverse Index is going to be the new Cloud Index +1,"""new""","05/20/2021, 17:55:28",LoganJastremski,The Metaverse is going to be the New Americas +-1,"""just""","05/18/2021, 15:40:33",PizzaBlox,The Metaverse is just a MMORPG +0,,"05/16/2021, 16:47:17",fern_gouveia,The Metaverse is out there. We just need to build bridges to enter. +0,,"05/27/2021, 16:34:18",OptionsHawk,The Metaverse is surging again $RBLX +2,,"05/21/2021, 15:55:33",rhwel_,The Metaverse needs all the builders it can get +1,"""infinite""","05/27/2021, 05:48:50",GALLERY,The Metaverse: an infinite palette for self-expression. +0,,"05/17/2021, 19:18:00",giantdays,The Roblox Metaverse Week 1 mystery box items are actually so cool. All of the champions have a fancy crown except for AJ 😭 tho I suppose it's not really his style +0,,"05/21/2021, 19:54:26",JiroNFT,The Swamp will be a destination in the metaverse. @BoredApeYC +0,,"05/21/2021, 21:25:29",NotD0NUT,The Valk is missing its balls of orb which kinda ruins for but hey its a Valk #metaverse #roblox #robloxdev +0,,"05/21/2021, 18:22:35",ItzDenzelOnYT,"The Valks look really nice, especially the Metaverse valk" +0,,"05/18/2021, 12:17:41",chevy_pop,The best metaverse is @GoZwift. Don’t @ me. 🚴 🏃♂️ +0,,"05/21/2021, 13:36:17",consumersky,"The best thing we could do for the metaverse, crypto, sovereign individual, and species at large is create a global middle class." +0,,"05/23/2021, 08:28:38",TychoOnnasch,"The early settlers of the metaverse have a lot in common with the early settlers of America First came the deeply ideological Puritans, then the pirates, then the (arbitrage) traders, some traders didn't take their new fortune back to the old world and started to build" +0,,"05/27/2021, 23:54:54",realCRYPTOSHEET,"The economies of all the major #Metaverse projects (@decentraland , @SomniumSpace , @cryptovoxels , @TheSandboxGame ) are being built on #Ethereum. Metaverse in itself (whether one or a few) will be multi-trillion dollar in value as they mature. $ETH 💥💥💥!" +0,,"05/21/2021, 18:53:56",iiCharlieYT1,"The fact that people are complaining about the free metaverse items, Roblox takes time to do this for us, its applouding that people are saying there terrible, Roblox could of done nothing, But they do things to communicate with us and make us happy, at least appriciate them!" +0,,"05/16/2021, 14:22:41",Jus__Chief,The first #Metaverse with mobile compatibility wins. #Thesandbox #Decentraland +0,,"05/29/2021, 07:23:23",VRImpulse,"The friends and legends i have met in #VRChat is the whole reason i keep coming back to the metaverse, great people, great times. #VR" +1,"""future""","05/26/2021, 04:07:37",sorena_alex,The future of marketing is creating immersive experiences in the metaverse. #MarketingTwitter +0,,"05/21/2021, 11:02:51",Ak999121,The grand prize of metaverse champions Is a pink valk of nonexistence ? bruh what a waste @InsideRoblox +1,"""interesting""","05/20/2021, 15:20:50",uncletyler_eth,The idea of owning virtual land in the metaverse is super interesting to me. +0,,"05/21/2021, 12:29:53",CrucibleNetwork,The internet has been built by web developers and now brands use it as a way to do business through eCommerce & Direct to Consumer. The Metaverse is the internet being built by game developers - brands will use it to do business through dCommerce & Direct to Avatar @BosonProtocol +0,,"05/19/2021, 10:38:58",Water_Script,"The items from the Metaverse event crates are pretty neat! Even though egg hunt is gone, I’m glad that we are getting a replacement that has thought and care put into it. Again, huge props to the #RobloxDev teams that made the event possible!" +0,,"05/27/2021, 20:01:57",MightyJoeNolan,"The less art criticism I write the better art criticism I write, and I'm looking for the best new art writing opportunities I can find right now. If you're collaborating, curating or publishing IRL or in the Metaverse see my 🔥 writing about beauty and death at link in bio." +0,,"05/22/2021, 07:16:35",joel_john95,The louvre of the modern day will be digital and store NFTs. Its artists will still be alive to reap the benefits of their creation. Anybody will be able to visit it in the metaverse without a visa to Europe. Soon. +0,,"05/23/2021, 04:27:23",William26733605,The metaverse be ending +0,,"05/20/2021, 06:49:32",amoration,"The metaverse is our public commons. There are billions of creators now & we're the new balance of power. Artists, makers, writers, producers, makers of worlds will create the new scripts. If you're trying to take creators for chumps, you need to step away from the keyboard." +1,"""needed""","05/25/2021, 23:18:03",Alts_Anonymous,The metaverse is the drug needed to expand our universal consciousness. 👾 +0,,"05/21/2021, 07:11:15",MetaShiftYT,"The metaverse is the man-made layer of reality built onto the physical realm. Every system of reality currently in place will eventually exist in this virtual universe. Government, education, economy, spirituality, ect. New systems = new opportunity Competition of systems." +0,,"05/27/2021, 07:44:29",DrNickA,The metaverse is where we’ll discover the new ways of running things. +0,,"05/20/2021, 17:27:13",Foxy_Pirate_Fox,The metaverse last box opened! Remember the grand prize is just under 24 hours! +0,,"05/21/2021, 13:30:53",DrewAustin,"The metaverse needs a rising tide to raise all boats, as an investor, I’d like to be the tide. If you are building a new company that will expand the metaverse, reach out, I’d love to talk." +0,,"05/21/2021, 18:18:02",BricksBree,The metaverse valk is kinda meh. I had my expectations pretty high from these crates. I will give it a 6.5/10. +0,,"05/21/2021, 09:35:41",dhrupadkarwa,"The metaverse will be a ride, not a scroll." +0,,"05/21/2021, 22:31:33",meta_hess,The metaverse will be multi-chain. Bridges > walls. +-1,,"05/22/2021, 22:34:44",bwinterrose,The more time I spend in virtual places the more depressed I feel. The more time I spend in nature the better I feel. The metaverse might be the future of capitalism but it won’t be the capital of happiness. +0,,"05/17/2021, 18:13:31",TuxKatt,"The new Gucci Event is the worst Roblox event yet. Some people are saying that we just don't want to spend robux, but have you ever been in a game where you find a secret item, then having to pay for it? That's like completing the Metaverse and having to pay for your reward." +0,,"05/29/2021, 18:51:13",0xRayo,The nft space/metaverse is expanding so rapidly it’s hard to keep up +0,,"05/21/2021, 22:06:13",eclipsyaa,"The only thing I wish they did for the metaverse valk was make the wingsa bit lower down, it looks a lot like one of those valkyrie 3000 things than an actual valk but its still very nice" +0,,"05/28/2021, 11:19:20",metakrish,The only way to achieve immortality: AI + METAVERSE @ballmatthew @TimSweeneyEpic @naval +0,,"05/18/2021, 15:37:48",facelessavatars,The people who do the best NFT projects over the next 2 years will have disproportionate financial outcomes over the next 2 decades #nftart #NFTARTFinance #NFTCommunity #NFTartists #nftcollector #nftcollectors #NFTs #NFT #ethererum #Metaverse #cryptocurrency #Crypto #CryptoNews +0,,"05/21/2021, 22:39:14",setzerino,The prizes from the metaverse weren’t actually that bad +0,,"05/26/2021, 21:04:11",Alts_Anonymous,The real flippening is how many people are abandoning traditional constructs in favor of the new frontier being forged in the metaverse 👾 +2,,"05/29/2021, 18:51:20",SonOfHuman1964,The universe and metaverse are already one. +0,,"05/19/2021, 19:23:53",musicben_eth,There aren't even any Teslas in the metaverse. All this Elon Musk nonsense is irrelevant. +0,,"05/21/2021, 06:08:56",BrianBTrading,"There has to be only one metaverse, where all augmented reality exists harmoniously. If there are competing worlds, they will all fail. I hate the idea of the metaverse because it’s anti nature and outdoors, but like it or not, it’s coming. #zedrun" +0,,"05/21/2021, 01:26:05",texasgreentea,"There is no metaverse today. The metaverse will go live the moment we have an open cross-platform avatar behavior protocol adopted by at least two big social XR platforms, e.g. when I slice you w/ my sword the same thing happens on both VRChat and High Fidelity." +0,,"05/19/2021, 04:55:46",greenlegocats,There will be 3 Events happening at once: Metaverse Champions Zara Larsson Stranger Things 4 if you count Gucci +0,,"05/20/2021, 17:09:39",QHarmonious,"There's a lot to do in the metaverse but I find moments to show up in this specific simulation to say I'm still here. Not dead yet, dissolved into the ether. But this simulation is a mazeful of tricky negotiations So I'm creating my own tiny universe of specific duality" +0,,"05/18/2021, 16:16:41",orphan_crypto,There's going to be a whole new class of interior designers / artists that create gallery spaces and installations for digital art. The metaverse spaces we have now are nothing compared to what will come. +0,,"05/30/2021, 11:38:07",integ03,"These assets are on another level in @TheSandboxGame marketplace. So much talent and endless possibilities within the metaverse...If you haven't checked out the marketplace on the sandbox site, make sure you do! #NFTCommunity" +0,,"05/27/2021, 21:18:36",metastash,"Things happen fast at startups! Even faster in the metaverse! While I’m super certain about the future of @tryShowtime (literally the future of social #NFTs) I’m moving on to my next project! I can’t wait to see what’s next, and you’ll have to see what’s next for me 😉💯🚀" +0,,"05/27/2021, 18:35:27",mulavirtuoso,Think Different & Be Different | metaverse world #cryptotwitter #NFT #NFTartist #nftart +0,,"05/26/2021, 01:51:36",TipzyTuesday,This GameStop news is huge. Putting their foot in the door to possibly being one of the biggest players in the metaverse. I’m excited to see their NFTs and what their blockchain division will pump out +0,,"05/21/2021, 22:00:43",SuperGamesRBX1,This Metaverse Champions event blew my mind! Its fabulous and i cant explain how well the devs made this! First of all the way that prizes are mysterious is just brilliant. And at the end YOU GET A VALK! 10/10 event and would love to see more of this. +0,,"05/20/2021, 03:57:48",DCLjasonx,"This is a great time to buy Decentraland NFT's as the MANA price is nice and low. Wearables, Names, Land Just saying 😉 #Decentraland #mana #metaverse #nft #NFTCommunity" +0,,"05/26/2021, 21:34:37",MetaMatimio,This is definitely my favorite hashtag of the day! #IGotVaccinatedAnd decided to spend the next several months living a virtual existence in the Metaverse! +0,,"05/27/2021, 01:56:12",ButterflyTorn,Those 2 are banned from the metaverse and the velvet room +0,,"05/17/2021, 22:51:31",Joseriquec,"Those who understand, know that we are on the cusp of creating the ever expanding #Metaverse." +0,,"05/27/2021, 20:57:44",JSingh_08,"Thought experiment: The year is 2045. Technology has progressed to the stage where all five feelings work in high fidelity in the Metaverse (e.g. sight, sound, touch, taste, hearing). Your 23 y/o daughter comes to you and tells you she wants to plug completely into Decentraland." +0,,"05/21/2021, 21:34:49",Doughboi_RBX,"Thoughts on Metaverse Champions: Overall I thought the event was interesting, and a pretty decent event! though if Roblox really wants it to be a good replacement for egg hunts, their gonna need to fix alot of the problems this event had, (1/5) #Roblox #MetaverseChampions" +0,,"05/20/2021, 00:59:31",DeeterPlays,Thoughts on the unboxed Metaverse items so far? I’m loving them! Can’t wait to see what is inside of the remaining boxes! +0,,"05/30/2021, 06:09:58",CallMeLatasha,Three of my pieces out their circulating in the metaverse. Ready to attract the energy it needs. +0,,"05/17/2021, 10:03:41",chaosprimeZ,"Tim Sweeney: Fortnite is not a game. It is, instead, a metaverse, a ""phenomenon that transcends gaming."" Gotta love that response xD 🤣🤣🤣🤣" +0,,"05/17/2021, 05:45:29",rvkyuii,Timer Stops at time where the Metaverse Award is here! (Are u exited?) +0,,"05/21/2021, 18:24:59",Mister_Bashful,To actually get my first valk on roblox from the Metaverse Champions is just cool Imma make a post later about how I feel about the whole event +0,,"05/21/2021, 20:10:20",Wolfred_MW,"To all #Roblox players, I hope this Metaverse event made you learn a thing or two. The Valkirie was for everyone at the end, but you believed the fake leaks and cheated on the whole event. Oh, and the Gucci thing too. Everyone hated it but it HAS an item for free." +0,,"05/17/2021, 03:13:35",RoganX4,To all the people who have followed me recently: Thank you - I'd really like to start rewarding those who engage with me and what I am doing in the Metaverse! Educating and empowering people from all walks of life to join us here in a sensible and sustainable way. +0,,"05/23/2021, 11:34:51",Bocsta1,Today I received my Voxo cube from @voxodeus that I won as a prize. Can't wait for the unboxing. Have so much love for this project and can't wait to see them live in the @TheSandboxGame metaverse along with my apes @BoredApeYC #metafamily +0,,"05/19/2021, 14:08:46",ColeThereum,"Today is one of those days I should put my phone away, and unplug. Maybe this Tweet will encourage somebody else to take a break from the metaverse too... Going to get some things at home done today. Going to take a step back. Going to love those around me. A day to reset. 🙏🏼💭" +0,,"05/23/2021, 15:26:01",ShurikenGameX,Today's question if the day is... What was your favorite prize from the #Roblox Metaverse Champions Event? +0,,"05/18/2021, 10:53:13",ShurikenGameX,Today's question of the day is... What is your favorite prize from the Metaverse Champions Week 1 boxes? +0,,"05/19/2021, 12:20:56",ShurikenGameX,Today's question of the day is... What is your favorite prize from the Metaverse Champions Week 2 boxes? +0,,"05/19/2021, 19:13:32",ShurikenGameX,Today's question of the day is... What is your favorite prize from the Metaverse Champions Week 3 boxes? +0,,"05/21/2021, 19:19:08",ShurikenGameX,Today's question of the day is... What is your favorite prize from the Metaverse Champions Week 4 boxes? +0,,"05/21/2021, 19:22:57",ShurikenGameX,Today’s question of the day is... Do you think the Metaverse Champions Launcher Box prize was a fair prize? +0,,"05/20/2021, 18:55:00",Rzn_FrZdy,"Tomorrow's gonna be a good and busy day :D Roblox Metaverse, Zara event, Gucci etc...." +0,,"05/16/2021, 14:09:28",Furlow71,Tomorrow...Metaverse Champions Week #1 Crates start to open i think. +0,,"05/29/2021, 06:56:00",drjeremynft,"Two new blogs coming today.... #NFT round up of good articles that have come out this week Fortnite, #NFTs, and the Metaverse" +0,,"05/26/2021, 14:47:53",andykleinman,"Unreal 5 changes everything we know about making games, making movies, and the so-called “metaverse”. If you’re a developer or filmmaker, this is your biggest opportunity to get ahead of the future!" +0,,"05/22/2021, 01:37:57",yage_wu,"Violet Valkyrie vs Valkyrie of the Metaverse: Which is the better one? Here is my opinion, I thought the Valkyrie of the Metaverse is the best, what about you? Vote here! #MetaverseChampions #Roblox" +0,,"05/28/2021, 14:55:01",PaxtonHoogland,Virtual world architects are here. There are architects you can hire to design/build your dream space in the metaverse. Let’s dive in 👇 +0,,"05/25/2021, 12:43:30",sambrukhman,Visual art is the genesis. Music is the foreword. Performing Arts is the prologue. Watch what happens when ballet and theatre companies begin performing LIVE in the #metaverse. 🤯 #nfts #nft #blockchain #cryptoart +0,,"05/19/2021, 21:52:29",ABBEYBOMlNABLE,WHAT IT THE METAVERSE FINAL PRIZE IS A PURSE SINCE ITS A FRONT ITEM!! @Roblox_RTC +0,,"05/17/2021, 17:17:30",ShayliHarrison,Walk into the metaverse purse first... +0,,"05/24/2021, 18:51:16",jradoff,"Walled gardens in the metaverse aren't a problem. Too few would be the problem... The worst outcome would be if there's only one walled garden, permissioned, centralized metaverse. Open platforms are the answer to this." +0,,"05/24/2021, 17:28:39",niftytime,Want to start a DAO aka metaverse startup? 1) Make some internet friends✨ 2) Think of an idea with 100% on-chain cash flows 3) Execute +0,,"05/30/2021, 11:13:03",LibertasART,"We all wait earnestly for environments like Decentraland to incorporate meebits! As virtual environments grows more and more prominent, what avatar will you choose to represent “you” in the metaverse? Who would you become in this brave new world?" +0,,"05/21/2021, 18:07:20",NoMoreNFTHate,We are scribes to #Metaverse history. The #blockchain is a #NFTCommunity library. Go write history. Mint/collect an #NFT. +1,"""coolest""","05/28/2021, 09:39:08",AutomatonsNFT,We are working on the coolest thing ever. The Metaverse will never be the same. +0,,"05/26/2021, 15:17:57",ModalNFT,"We just reached our first 500 followers and we want to thank each and every single one of you! To celebrate this event, new footage of #MoDaL metaverse is on the way. Stay tuned! #NFT #NFTs #NFTartists #NFTCommunity #NFTart #cryptoart #NFTcollector #NFTcollectors #NFTmuseum" +0,,"05/27/2021, 18:34:35",MorganaP5S,We've created mega livers. There are mega livers the size of skyscrapers in the metaverse. I think I'm gonna stop messing with nature for a bit. Also ryuji got consumed by one lmao +0,,"05/17/2021, 19:05:25",KittyPetra_,Week 1 Metaverse crates opened up and I don't like the items Current opinion - that was a waste of time +0,,"05/18/2021, 18:42:53",Aliminused,Week 2 metaverse crates has opened. Poggers +0,,"05/22/2021, 11:48:08",TheDarkDawnMezz,Well im a valk owner now😱😱 Lol xD Metaverse event was not bad ngl 😌 +0,,"05/29/2021, 14:33:07",SomaPillsTV,"Were taking back what's ours, the metaverse. Were done with big corp owning our assets, now they're mine. We will sell, keep, barter, or even horde. These assets is an extension of not what the future is made of, but who we are. We are pushing a new age of gaming! #AxieInfinity" +0,,"05/28/2021, 06:24:32",hercule5nft,"What Cagy @cagyjan1 do best is his genuine opinion on a certain blockchain game, no BS sugar coating. He speaks on his mind either you like it or not and that's what we really need in this new era of metaverse and crypto games. Thinking of uninstalling my @brave browser🤔" +0,,"05/17/2021, 23:28:52",luna_sets,What Week 1 Metaverse Item would you like to make as an outfit? #MetaverseChampions -Pictures are below of each item- +0,,"05/21/2021, 18:57:23",iiCharlieYT1,What are you opinions on the Metaverse Prizes? Remember that we should appriciate roblox for making these items for us <3 +0,,"05/21/2021, 19:37:13",TWD_Enjoyer,"What are your final thoughts on the Metaverse Event? At the start of the event it looked bad, but now honestly with all the cool prizes that we got, it turned out to be an ok event!" +2,,"05/22/2021, 13:31:37",AdoptMeNews_,What are your opinions about the Valk of the Metaverse? +2,,"05/21/2021, 19:56:21",BurgessFunHouse,What did you think about the Metaverse Champions Finale? +0,,"05/21/2021, 15:05:57",slimyskater,"What do you all think NFT galleries will look like in five years time? How will the metaverse spill into our world? I had a dream that I was walking and ""stepped in"" to a wall of graffiti that was also a NFT to explore it. It must mean something ✨" +0,,"05/18/2021, 07:39:39",swissverse,What do you guys make of this? @WilderWorld A new dog in town? #Metaverse +0,,"05/22/2021, 08:09:49",Auchigamer,What do you think about the metaverse event valk? +0,,"05/23/2021, 09:36:17",mathusalem_art,What do you want to see in a @hicetnunc2000 metaverse? What do you want to be able to create/show/experience? we are currently conceptualizing one for @hicathon #cleannft #hicathon @fdoganis @lucccafontana @__oxx___xoxoxox @masterbinder @cuttheace +0,,"05/30/2021, 04:19:17",Polarfolio,What if you were living in your digital universe and it was hacked and you were put into your worse virtual reality for years on end?? #wtf #metaverse #virtualreality #pluggedin #future #cyberworld #technology #scifi #science #digital #neuroscience #medicine #cybersecurity +0,,"05/26/2021, 23:11:27",rhwel_,What investors are talking about the metaverse? I need more perspectives. #Metaverse +0,,"05/22/2021, 06:07:48",EvilMutationAlt,What roblox event items/badges (except Metaverse) that hard to get? Me: RPO +0,,"05/28/2021, 02:28:54",akechi_ebooks,"What the fuck did you just fucking say about me, you little bitch? I'll have you know I graduated top of my class in the Metaverse, and I've been involved in numerous secret raids on top public figures, and I have over 300 confirmed kills. I am trained in gorilla warfare and I'm" +0,,"05/18/2021, 17:32:20",SBL0ver30000_,What time will the 2nd Metaverse boxes be opening today? +0,,"05/29/2021, 20:26:51",NoobFreakT,What were your thoughs on Metaverse Champions? +0,,"05/21/2021, 03:43:10",BeetsDAO,What will the metaverse look like in 5-10 years? 🤔 Rome wasn’t built in a day. #NFT #Metaverse +0,,"05/23/2021, 15:55:56",CRIEGLE_,What would you do first if you could disable gravity? #metaverse +0,,"05/18/2021, 23:59:06",ReneeHighlander,What's the best #Metaverse to engage in? +0,,"05/17/2021, 08:58:33",Goltra,What's the emoji for the Metaverse? I think 🌐 is the best choice - but I am willing to be proven wrong 👇👇👇 +0,,"05/24/2021, 20:38:07",EricPresidentVR,What's your definition of the Metaverse +0,,"05/29/2021, 06:50:17",XRGIF_COM,What's your favorite GIF of an XR application or other kind of virtual experience in action? #xr #ar #vr #spatialcomputing #metaverse #virtualreality #augmentedreality +0,,"05/21/2021, 18:14:02",_ttigxrr,"What's your guy's thoughts on the ""Valkyrie of the Metaverse"" 🤔" +0,,"05/20/2021, 16:41:40",Ekamplayz1,Whats yall thoughts on metaverse champions? Which champions boxes rewards were the best? +0,,"05/24/2021, 20:38:33",Apes3D,Whats your Facorite Metaverse Apes? #decentraland #somniumspace #cryptovoxels #Thesandbox #NFTCommunity #BAYC #Apes3D #apes +0,,"05/26/2021, 16:18:10",evaverse,"When #nftcollectors are evaluating large 10k+ collections, is individual rarity or the total size of the collection more important? #NFTart #NFTcollectibles #metaverse #artist" +0,,"05/22/2021, 14:04:23",potttsnpans,"When I die, upload me to the metaverse" +0,,"05/28/2021, 04:50:51",eddiegangland,When I was a child I wished to own a home; as an adult I wish to own a block within the Metaverse. +0,,"05/21/2021, 20:30:38",ChubbyFlips,When deciding where to buy some land in @Decentraland what are some things you guys consider ? #NFT #NFTCommunity #Decentraland #nftcollectors #Metaverse +0,,"05/20/2021, 20:21:19",AidenScp,When is the Launch creates opening from the @Roblox Metaverse Event? +0,,"05/17/2021, 07:24:32",Struneberg,When is the release party in the metaverse pixelvault gonna be @beaniemaxi? +0,,"05/27/2021, 14:55:37",nightmayoralty,When you were a kid and you could pay to have a star named after you feels like the same stage a lot of metaverse stuff is at now *ducks* +0,,"05/21/2021, 13:38:01",MagnificentMobs,"When you will miss the Metaverse grand prize, Gucci items going limited and the new Gucci wave because you are in school 🥲" +0,,"05/19/2021, 02:06:24",IAMTHERANG,"When you’ve been working an #NFT for weeks. And still unsure how it looks. Do you burn, or put it out there?! Keep in mind it’s NOT a sloppy work. It’s just different from what you’ve done 🦧😇 #NFTCommunity #CleanNFTs #nftart #ETH #Metaverse #cryptopunks" +0,,"05/18/2021, 17:37:08",artakunft,"Where are we with the evolution of #NFT product, @Cloyd360 asks. ""Directionally"" it needs to meet fan desire for engagement and involvement, whether experiences, wearables, digital goods in the metaverse etc says @TheZachKatz #NFTs #NFTCommunity #DigitalHollywood" +0,,"05/28/2021, 02:46:22",goodmontheth,Where my jailhouse apes at? We got a helluva excuse to build a big house in the metaverse. #BAYC #APEstrong +0,,"05/20/2021, 17:34:19",cheekyflakes,Which Metaverse Champions Crates are your favorite? +0,,"05/17/2021, 23:08:53",inzhagey,Which dapp or dapps is going to bring the Ready Player One Metaverse to reality? #metaverse #nfts #crypto #readyplayerone #decentralizedapps #defispace #nftgames #cryptogames +0,,"05/18/2021, 14:19:06",Crypto_Texan,Which is your favorite crypto-native index token? - $BTC 2x Flexible Leverage Token $FLI - $ETH 2x Flexible Leverage Token $FLI - The Metaverse Index Token $MVI - The DeFi Pulse Index Token $DPI Explanations of each are below 👇 +0,,"05/20/2021, 13:22:31",HeyGrimesy,Which metaverse champion do you like the most? +0,,"05/28/2021, 09:59:56",BeardOnTheBlock,Who are the best women in the NFT / Metaverse space? Looking for speakers for our dCommerce event series (brought to you by @bosonprotocol) and I know there's some amazing people out there! +0,,"05/22/2021, 13:30:03",Lady_bug100102,"Who did you like the most on the Metaverse Champions, I liked Sparks the most." +0,,"05/25/2021, 11:53:23",Kingofd51100026,Who got the 4 metaverse valks? +0,,"05/23/2021, 10:26:15",banditosel,Who got the Metaverse Valk? cuz i did +0,,"05/22/2021, 18:09:39",JohnTheBacon74,Who got the metaverse valk? +0,,"05/25/2021, 22:02:09",BeetsDAO,Who is building in @cryptovoxels? Would love to see what everyone has in store for the Metaverse. +0,,"05/24/2021, 21:27:26",Datboiwildkiwi1,Who liked the metaverse? I wonder who started the rumour bout the pink valk huh 🙄 +0,,"05/28/2021, 14:58:23",HonoraryApe,Who mentioned me with that .65 lot near BAYC?? Can I get linked again? I thought it was sold but it doesn’t look like it in activity... can’t find it to save my metaverse life rn +0,,"05/27/2021, 15:41:29",tinytomthomas,Who think that sparkle kilowatt shouldn’t have won the metaverse? +0,,"05/23/2021, 01:24:36",MetaNanners,Who wants to start a toy company with me.. starting with NFTs linked to vinyl toy collectibles. Need other brains. And bring your best vision of the future. #nftart #Metaverse #nftartist #blockchaindeveloper #teamwork #nftcollector #nfts @NFToyCo <—the end goal.. let’s build it +0,,"05/18/2021, 16:59:14",Danko013,"Who's ready for #WAXPack's Monthly ""#DiggingforBlackjack"" event in the #AlienWorlds #Metaverse? Details to follow #WAXP #TLM #blockchaingaming @AlienWorlds @robro2102 @Davidelvion @goodvibesmining @arodthegod1111 @CyphGotBars" +0,,"05/21/2021, 10:42:56",crypto_sheldon,Who’s got the best potential atm to take the no.1 metaverse ecosystem in the next 5 years? Decentraland? +0,,"05/30/2021, 04:15:20",Polarfolio,Who’s ready to live in a digital universe for eternity… however long that really is? #Comingsoon #future #deepfuture #humanity #Immortality #technology #science #scifi #cybertech #metaverse #cyberworld #pluggedin #thecloud #supercomputer #digitalage #VirtualReality #evolution +0,,"05/18/2021, 19:48:29",zekkiooo,"Why are people mad we didnt get anything free for Gucci event. Its Gucci. And,we had free stuff for... Bloxys And Metaverse Hunt. Yall rlly need more free stuff? Geez" +0,,"05/16/2021, 19:19:30",RossSchulman,"Why would you envision a #metaverse implementation and decide that the most important thing would be to enforce artificial scarcity? OH right, profit..." +0,,"05/17/2021, 16:59:43",ChrisCainCan,Will Apple take 30% of revenue of your metaverse sales? Require development in their environment? +0,,"05/16/2021, 18:32:38",RichestManInLDN,Wish I cleaned up some Robits when they were 0.15 eth 😭 #Metaverse #voxelart +0,,"05/18/2021, 18:26:26",MoltedRBX,"With respect to @EvilArtist_ I won’t be posting any event leaks for Metaverse champions, and like i said before will continue to be very cautious with posting leaks. Some leaks that I sense will cause drama will also not be posted." +0,,"05/17/2021, 16:16:00",roblox_casual,"With the Roblox Metaverse event coming to a close, what did you think was done right? wrong?" +0,,"05/20/2021, 02:22:25",fatesdesire,"Without the Metaverse, he was nothing, without being of use in the Metaverse, he was less than nothing." +0,,"05/25/2021, 01:15:00",CardanoWEED,Working on a pdf called “Passive Income on Cardano: The 420 Guide” It will not contain financial advice. It is an easily digestible document meant to explain what delegation means and how to do it! Coming soon! I will need your help to spread it across the metaverse! #ADA +0,,"05/16/2021, 17:57:11",ctrlRoss,Working on some metaverse items 🙃 would you like to grab some @ctrlplusnyc gear in the metaverse? +0,,"05/21/2021, 23:28:47",Legion_Bladers,"Worst Day today. 1. Roblox’s Worst Event of All has Ended but it did not live up to the ending I want.(Metaverse Champions) 2. I’m listening to people talking shit about Mask, for gods sake I don’t care if it’s traced. And also that song could be talking about his actual life." +0,,"05/24/2021, 13:42:12",ctrlRoss,Would ya'll want some metaverse gear from ctrl+ ? +0,,"05/21/2021, 18:08:44",Winteristix,"Wow spark’s prize sucks. Its just wings LOL. But nonetheless, i still appreciate it tho. Also, wait for the complainy traders to start a rant on the valk of the metaverse lmao" +0,,"05/21/2021, 18:29:51",Simonblox,"Wow, Gucci items going limited & a Metaverse Valkyrie in one week! The past week has been a great week for Roblox trading! Really glad to see limiteds back in the spotlight for the first time in 18 months, sheds some light for the future of trading after a rough last week." +0,,"05/20/2021, 21:47:51",NFT_Community,"Wow, I just realized I have over 1000 followers! Thank you all so much! I do this in my free time which I don't have a lot of so this means a lot!🥰 I wish every one of you great success not just in the Metaverse, but IRL!💖 The #NFTCommunity is the best!💞" +0,,"05/21/2021, 17:14:01",0xtp_,X and Y need Z to take you to the future. #metaverse $meebit +0,,"05/17/2021, 19:49:56",williamsensi1,YOOOO THE WEEK 1 METAVERSE BOXES JUST OPENED AND IF U PUT THE PRIZES TOGETHER THEY KINDA LOOK LIKE A VALK @DeeterPlays YOU WERE RIGHT! +0,,"05/25/2021, 19:26:38",DahrThe,YOu are my metaverse.... Eric shea get off twitter ya twit @EricLShea #joker +0,,"05/17/2021, 15:33:36",Benedic61937311,Yay roblox metaverse week 1 crates will unbox in 1 and a half hour +0,,"05/18/2021, 20:21:50",kyouiwa,Yes yes..... more metaverse crow bird imagery +0,,"05/20/2021, 03:52:08",fatesdesire,"You are Akechi Goro, and you feel at home. (As the Metaverse fades, you can feel Robin Hood and Loki in your heart.)" +0,,"05/20/2021, 22:34:00",KyleSenes,You can own a gambling table in a digital casino in the metaverse and make 30% profit on all winnings the house makes on that table passively in Decentraland with 0 overhead outside of the digital real estate What the actual fuck bro this shit is WILD +0,,"05/20/2021, 15:09:28",humzaeth,You cannot put Metaverse as your location and then sell $ETH when it dips temporarily 🙃 +0,,"05/24/2021, 12:28:41",AeonixAeon,"You sit down at a restaurant and order a Steak and Lobster Surf n Turf. The waiter brings you a plate of Chicken Nuggets. ""This isn't what I ordered"" you tell the waiter. ""It's the same thing"" the waiter replies. ""Both are food"" #AR #VR (thread) @open_metaverse @hrishlotlikar" +0,,"05/22/2021, 22:46:48",akirentxt,"You're human, no two ways about it. Once we find the people abusing the metaverse and learn Mementos secrets, this world will be better for everyone. And You... will return to normal." +0,,"05/20/2021, 10:27:29",Crypt0ptimus,You're not in Decentraland yet but I bet that changes in the next year or so... The Metaverse is here to stay. +0,,"05/26/2021, 00:57:57",niftytime,You're the first metaverse videographer. A few proteges learn the art of filiming metaverse events from you. They go full-time into metaverse filming too. And add you to their multi-split payment addresses. Same with subsequent generations of videographers. #MetaGuilds +0,,"05/30/2021, 10:39:02",ArtificCZ,Youtube video editor wanted. I live stream multiple metaverse events each week and I am looking for a youtube video editor. Ideal for people starting their business/carrier. I can't pay you but I can promote you and you can watermark the videos with your logo. #videoeditor +0,,"05/27/2021, 16:50:17",race_mega,"Y’all still looking at charts, I’m looking at art. NFTs going galactic metaverse style." +0,,"05/26/2021, 14:10:44",tejas_rd,"Zuck probably done with deals, but would've loved to see $FB chase $RBLX FB has clearly lost the ""kids"" to Snap. Securing the early adoption, community driven, passionate base is imperative (lack of which is why Oculus is a dud). The Metaverse endgame demands a focused cohort" +0,,"05/16/2021, 17:52:16",ZnatZnation,[metaverse champion question] do you think there is going to be a boss battle for the final prize? +0,,"05/17/2021, 18:47:51",p6use_,"all i see is ""wHeN mEtAvErSe CrAteS oPeN?!""" +0,,"05/21/2021, 11:33:25",LaKuroNekoBaka,"alright, now that my jack frost doll is finished, it's time for my next project crochet project a reversible yusuke orb, where one side is his school outfit and the other is his metaverse outfit that should take a bit of time but much less than my doll" +0,,"05/21/2021, 18:05:13",AgroDanM,am i the only person on twitter who didn't get the metaverse valk +0,,"05/19/2021, 09:24:45",Ian_niijima,anyone know where i can get GMK metaverse keycaps.... so i can finally join the custom keyboard hype :< +0,,"05/17/2021, 05:43:54",boredape2879,ape up late. or am i? is there time in the metaverse? +0,,"05/18/2021, 23:31:44",digitalartchick,"as an introvert, it's always been a dream of mine to explore an area while I am invisible is this possible in the metaverse? which world supports this feature" +0,,"05/16/2021, 18:01:24",WartortleShiny,astral projecting across the metaverse as a cosmic cybertooth panther brb +0,,"05/24/2021, 04:24:53",nekosmother,"being in crypto, especially in crypto art and games is the closest thing to living in the metaverse. cant wait until we can put our VR headsets on and be together at eachothers virtual property’s and spaces ✨🤯" +0,,"05/22/2021, 10:01:57",lazuliaali,bro metaverse champions went from 107k-2.3k tf i get that it ended but damn +0,,"05/22/2021, 09:25:04",whymattlmao,"bro pls people kept asking me how i got the ""gold"" name at the metaverse hub 😭" +0,,"05/17/2021, 19:50:01",Zokionic,bruh whats the point of adding the feature of going back to other weeks but the games removed the metaverse event from the game +0,,"05/19/2021, 19:08:54",bose_is_boss,cabin in the woods is one of the great examples of self referential meta horror..and you just can't guess the final twist (or the final cameo) #Metaverse #HorrorMovies #indie #cultclassics #comedy #horror +0,,"05/21/2021, 22:00:39",NeonsSquad,can i get a metaverse champions event opinions guys? +2,,"05/21/2021, 18:34:05",Royaledior1,can someone send me the link to the metaverse event game +0,,"05/20/2021, 22:44:05",emmie_dearest,can the metaverse event end like RIGHT NOW like I've been waiting for centuries i just wanna see what's in all the crates + the rewards 😭 +1,"""can't wait""","05/23/2021, 00:35:42",44meoow,can't wait to shoot a film in the metaverse and release it there too +1,"""cant wait""","05/21/2021, 17:14:17",angellexx_,cant wait for metaverse party +0,,"05/17/2021, 22:17:36",jokorb_bot,catboys in the metaverse be like: purrrrrrSONA +0,,"05/21/2021, 18:26:03",Bryanga985649,"damn i cant get the valk of the metaverse QwQ i only needed the dev and admin, i only had the MVP and star creator" +0,,"05/18/2021, 18:24:01",At0zDx,dang metaverse week 2 items are sick af ngl +0,,"05/25/2021, 15:36:30",natealexnft,discord is the current version of the metaverse credit: @kaigani +1,"""dreaming""","05/27/2021, 07:28:03",V_Truth,dreaming in the metaverse +0,,"05/21/2021, 09:44:02",IHeckJailbreak,everyone in the metaverse lobby rn: sheesh metavalk mom can i stay up all night myaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa +0,,"05/21/2021, 17:14:32",SammyGoesHowdy,everytime i listen to the metaverse champions hub i get a bit sad because egg hunts are gone. +0,,"05/20/2021, 17:20:25",JamieHasNL,exiting day tomorrow for roblox. new concert and the winner celebration + launcher pro for metaverse champions +0,,"05/19/2021, 15:49:49",DaSomeGuy1,finally got all the launcher crates in metaverse champions +0,,"05/20/2021, 17:24:39",JustCaptainJ_,"for all of you who think sparks winning prize for metaverse is a valk: you made the weirdest looking one win, and theres probably not gonna even be a valk. congrats." +0,,"05/22/2021, 13:13:32",tryleis,frick the launcher boxes in the metaverse like jesus christ they are so damn hard to find +2,,"05/20/2021, 18:39:48",nnnnicholas,from metaverse to multiverse +0,,"05/21/2021, 08:48:19",MugZ59,"get ready guys 4h have passed from the metaverse, get ready for the prize" +1,"""ready""","05/21/2021, 17:17:05",thenicewolf2,getting ready for the metaverse +0,,"05/21/2021, 15:11:05",bucketfishe,gonna be stayin in metaverse till 1 am and it so chaotic there lmao +2,,"05/17/2021, 08:53:58",toxsam,good morning metaverse +0,,"05/23/2021, 15:18:11",hanariaaa,goro akechi deserved a third metaverse outfit after awakening to hereward send tweet +0,,"05/17/2021, 04:02:16",squared_nick,"got all crates from the metaverse event, plus the egg which means all 4 launcher crates, all 16 champion crates in total can't wait to see what the items are gonna be!super excited rn lol" +0,,"05/21/2021, 22:25:18",catzztwt,"guys i didnt call roblox a multiplatform metaverse playing experience, i called it a game in accident and now the fbi is on my tail" +0,,"05/21/2021, 18:19:54",MugZ59,guys metaverse is over go to one of my tweets to go to the game right now and the claim the prize +0,,"05/23/2021, 14:58:51",LukePlayzzz11,hey @Roblox reply to this if there is a 2nd metaverse champions +0,,"05/22/2021, 00:31:43",6c__r,hey @RogueStealth_ now that I have valk give me IV and I give you metaverse valk bc it is totally limited +0,,"05/18/2021, 06:05:08",Kaveen1G,hey @SharkBloxYT when you put two metaverse champion accessories it glitches up and thinks you are wearing the metaverse week 1 crate drops. +0,,"05/18/2021, 16:32:18",GloomyWasTaken,"his week's #Roblox Recap is now up on the YouTube channel! Left-pointing double triangleVideo camera This week, we take a look at: • the winner of the Metaverse Champions event, • Roblox’s Q1 2021 financial results, • The renaming of “Games” to “Experiences”," +0,,"05/20/2021, 07:59:36",SHED_MAN_,hm i donno bout video games... but seems like a large portion of metaverse bullishness is from videogame heads!?!... makes more more bullish tbh +0,,"05/23/2021, 15:10:58",thermapositive,honestly roblox is obsessing too much over metaverse +0,,"05/15/2021, 23:09:07",Uxillaaa,how do you like unlock the metaverse chests? #roblox +0,,"05/22/2021, 08:26:22",testudo1111,"i don't have kids, but hang out around a five or six year old for a few minutes and tell me the metaverse does not happen for real" +0,,"05/21/2021, 18:03:10",MyUsernamesThis,i dont want no valkyrie of metaverse i want W I N N I N G S M I L E +0,,"05/27/2021, 05:15:14",aya4LC,"i envision a future in which us bored apes can ride around on our arabian camels, roaming the metaverse in search of digital riches and trouble. @BoredApeYC @ArabianCamels @TheSandboxGame make. it. happen." +0,,"05/17/2021, 05:47:24",ericprhodes,i feel like a kid in the candy store when i'm hanging around with other NFT people whether in the metaverse or IRL. g'nite friends. tomorrow's another day. +0,,"05/22/2021, 20:43:40",ohnotheorb,"i feel like donald may have cast zettaflare but it was demonstrably weaker than primal bahamut's megaflare. i feel like we should consider the scale of magic itself in discussions about donald being canonically the strongest spellcaster in the FF metaverse, not just the name" +0,,"05/22/2021, 01:48:42",rasya64438509,i get the valkyrie of the metaverse guys +0,,"05/19/2021, 23:23:00",goobthepoop,"i honestly thought that the metaverse champions event prizes would be so lame, I guess was wrong lol" +0,,"05/19/2021, 15:28:01",Malek55994547,i just remembered that the metaverse week 3 boxes open today +0,,"05/22/2021, 07:13:50",Xaviqoji,i like the metaverse valk ngl +0,,"05/19/2021, 07:23:10",crescentfool,i like to picture akiren and futaba taking sojiro into the metaverse for a few minutes just so that he can hear morgana- there are so many times sojiro sits in their conversations so i think it'd be nice if he can hear morgana... and also he could take better care of him 🥺 +0,,"05/17/2021, 19:24:05",TapEEEEEy,"i might've already said this but the current roblox ""metaverse"" event isn't that good i did the games for week 1 and it never counted some so i could never get the items cool idk what i was expecting honestly it's no lil nas x event or egg hunt that's my opinion don't cancel me😭" +0,,"05/21/2021, 02:02:51",Elyxia12,"i missed week one of metaverse, it's a shame I couldn't get fey's diadem 🥲" +0,,"05/27/2021, 01:31:12",LyonnaLyu,i think i’m the only Eritrean woman in the NFT space? 🇪🇷:: i’ve been here for ~6 months and have yet to meet another Eritrean woman or non-binary identifying creator in the metaverse.. can we please change this? +0,,"05/29/2021, 18:50:57",akirakurusu420,i've been working on some battle techniques to use in the metaverse. my new physical attack is just chucking a jokorb at a shadow's head as hard as humanly possible +0,,"05/24/2021, 00:48:21",LukeGalaxy_,"if roblox changes it's brandname to metaverse, i wouldn't be amazed at this point." +0,,"05/21/2021, 16:59:01",JamieHasNL,if there was a roblox movie and it had to be based of a event EH 2018 And Metaverse Champions seem like the best fits +0,,"05/19/2021, 11:24:48",CGIsTaken,"im actually really disappointed that roblox has replaced the egg hunt with 'metaverse champions', and ill always remember that.. 😭 #roblox #robloxdev #egghunt #rblxleaks #MetaverseChampions #robloxleaks #rblxnews #robloxnews #robloxegghunt" +0,,"05/21/2021, 22:59:39",rhythmpurgatory,im going to sexualize aj striker from roblox metaverse event +1,"""excited""","05/21/2021, 16:13:49",goobthepoop,im so excited for the prizes in the metaverse champions event lol +0,,"05/16/2021, 18:21:21",DeathRi92924888,im sorry about it but Metaverse event ended :( +0,,"05/19/2021, 17:14:41",CoolLeafYT,im suprised the metaverse champions boxes r gud thought they would be just bad +0,,"05/22/2021, 10:37:27",CorenIsEpic,imo the metaverse final prize sux a lot but the valk is cool i guess +0,,"05/28/2021, 15:49:48",SawyerTheLatte,in YOUR OPINION which of these events was the best? 1. RB Battles 2. Lil Nas X Concert 3. Gucci Garden 4. Metaverse Champions 5. Egg Hunt 6. Other (Comment) +0,,"05/27/2021, 16:07:00",alessio_joseph,in a metaverse that continues to nudge everyone into increasingly fringe online identities being normalpilled is perhaps the most contrarian thing of all +0,,"05/24/2021, 21:54:47",whats_bonkin,just spent a full 20 minutes trying to find what the waistcoat-blazer type thing that prince akechis metaverse outfit has. it’s called a “prince suit”. i need to lay down. +0,,"05/21/2021, 22:50:42",rahatGamer_9Rat,kreek craft be like @KreekCraft 2018 egg hunt best 2020 egg hunt sucks lil nas x event best concert why don’t we worst METAVERSE chest are eh The METAVERSE items are so coool! what else man +0,,"05/21/2021, 17:38:00",FsmelloWasTaken,last 22 minutes of metaverse event! we're almost getting the grand prize +0,,"05/25/2021, 04:32:45",testudo1111,"like almost every ape, i consider the cryptopunks the OGs, bc, well, they fucking are however, the general public seems to love the apes and early on, camels too the artwork makes people smile and laugh meebits being pixalated for metaverse tough sell i'm just sayin" +0,,"05/19/2021, 05:35:16",robek_world,lowkey @dokidokifinance is the shit and will deserve the vast amounts of wealth it accumulates as it becomes the standard for both metaverse gacha as well as matic implementations +-1,"""sucked""","05/22/2021, 12:08:05",onion_phil,man the metaverse sorta sucked +0,,"05/21/2021, 19:13:41",chizeled_,"massive respect to anyone who made tutorials on every single metaverse champions game 👏👏 (Conor3D, DeeterPlays, PremiumSalad, just to name a few!)" +0,,"05/26/2021, 21:33:12",adriborc,metaverse +0,,"05/20/2021, 03:45:29",cheezewheezey,"metaverse champ hats aint that bad at all, i really like fey's set wonder what week 4's crates will be" +0,,"05/17/2021, 14:15:08",prorusart,metaverse champions crate drop ones are opening today! +0,,"05/18/2021, 05:21:04",lare_ii,metaverse champions crates are starting to open 👀 +0,,"05/21/2021, 18:26:54",reptayver,metaverse champions ending feels so bittersweet +0,,"05/21/2021, 18:19:06",goobthepoop,"metaverse champions event wasnt the best, but the prizes tho, they are so gooood" +0,,"05/23/2021, 22:38:46",NoLimitsStudi0s,metaverse champions sucked really bad i didnt care at all and i still dont after the fact and dont regret my non-participation +-1,"""shit""","05/19/2021, 13:40:27",DaOfficialTool,metaverse is shit and everyone doesn’t use rthro +0,,"05/19/2021, 19:56:53",bloxyblox2,metaverse should have atleast one egg each the event ends +0,,"05/21/2021, 01:35:26",LyonnaLyu,metaverse time and physical realm time will never not mess me up 😮 +0,,"05/25/2021, 18:05:04",HarrisonKugler,metaverse web3 ftw @DIGITALAX_ +0,,"05/21/2021, 08:01:58",Furi_da,morgana's probably the only one ever sees ren... wrapping his bruises alone in the attic because he used all supply in the metaverse for the other thieves crying because of his nightmares staring blankly at nothing to collect what's left of his masks before he faces everyone +0,,"05/20/2021, 19:30:52",_wampa__stompa,"my favorite ""metaverse software"" at the moment is ""web browser""" +0,,"05/29/2021, 16:49:02",cynoctis,my p5s team is so funny in the second jail entrance animation bc its akira makoto & zenkichi in their emo ass metaverse fits and then just sophia being adorable +0,,"05/21/2021, 18:06:17",kleptyke,new metaverse valk item ugly as shit actually +0,,"05/22/2021, 13:08:15",serqi0_RBLX,"ngl i liked the metaverse event, i'll forever keep egg hunts in my heart but I have to say the champions are a nice alternative too" +0,,"05/18/2021, 14:07:10",TEROSKI3,"now that the metaverse is basically over, let’s talk about it it was uh fine i guess boring, some games were bad, but there was thought, i thought it was bad but it wasn’t so bad" +0,,"05/25/2021, 14:27:40",soujiupseta,nsfw // violence // extreme knifeplay what if goro and akira went into the metaverse so that akira could (consensually) stab goro a bunch w his daggers while using their personas to constantly heal the wounds as they were inflicted +0,,"05/17/2021, 17:06:52",Rexobrine,oh no .m.. not the metaverse crates +0,,"05/21/2021, 18:17:19",MushRbx,"ok so here's my thoughts on metaverse champs: This event in concept is extremely good but in execution Roblox needed to add more quality control over what games were put in and objectives, the prizes themselves ranged from ok to amazing, the lobby was great, overall 7.5/10" +0,,"05/19/2021, 09:38:35",not_seren,"okay roblox we said that we didn't like the egg hunt, and you completely cancelled it and replaced it with something worse, you repeatedly ignore the community and do what you want. If there's one thing you should take from the outcome of the metaverse, (cont. in thread)" +0,,"05/21/2021, 18:14:12",glueeater23,omg i cant believe i won the roblox metaverse wow omg +0,,"05/29/2021, 04:37:58",LyonnaLyu,omgg hi what felt like a minute in the physical world was literally like 5 years in the metaverse. i’ve missed so much but i love seeing all my friends winning 🥺🤍 +0,,"05/27/2021, 22:57:05",lilfowl,on such a positive morgana kick lately. the way he runs in the metaverse good. little swirly animation. look at him go +-1,"""shit""","05/21/2021, 18:12:40",SparrowIsGone,overall metaverse event was shit the prizes didn't help +0,,"05/26/2021, 01:30:07",catgirlminako,persona 5 au where their metaverse outfits are just fursuits and they summon their persona by taking the head off +2,,"05/20/2021, 07:44:39",cynbahati,poetry must survive in the metaverse +0,,"05/17/2021, 03:46:13",HarrisonKugler,"responded to my girl with ""I'm busy building the metaverse"" when she woke me up while snoring last night" +0,,"05/18/2021, 13:26:54",BMasmal,roblox can i ask a question what if a person his account got hacked and now he lost every thing he/she had in the Metaverse Champions now week one is gone and tow now how to get those things please its the last days for the Metaverse Champions can you pls bring those weeks again +0,,"05/17/2021, 17:31:00",CoolLeafYT,roblox too busy with gucci that they forgot to open up the week 1 metaverse crates lol +0,,"05/17/2021, 20:50:05",sunshineesammm,"saturday night we moved into our new place @harrisonkugler was so tired & he was snoring. when i rolled him over he said (& i kid you not) ""the #metaverse needs you harry"" then simply fell back to sleep. he was right though, the metaverse does need him😈❌ @DIGITALAX_" +0,,"05/26/2021, 02:57:00",DarkMatter4534,since i have the metaverse valk ALL THE GIRLS ARE GONNA GET THE LOAD OF ME :D +0,,"05/21/2021, 17:35:29",bloomsonfleek,"sitting in the metaverse hub, awaiting the final prize 😌" +0,,"05/28/2021, 22:20:57",44meoow,"so if metaverse fully realises with hyper realistic 3d animations, news anchors will also become redundant. or whenever 3d animations become indistinguishable from reality really. haha you can literally program your propaganda lol." +0,,"05/21/2021, 16:24:20",rbjessewastaken,"so.. the metaverse event is over, why isnt the special crates (mvp, dev, admin, star) not opening still?? or is it still too early" +0,,"05/22/2021, 07:31:47",KoneGFX,so.. what were the prizes for the Metaverse Champions? it’s garbage right? +0,,"05/23/2021, 01:33:53",sunshine_ryuji,so... akechi saw morgana in the metaverse right?? like he had to have SEEN morgana to understand him because otherwise sae would understand him too post interrogation room +0,,"05/19/2021, 16:11:49",digitalartchick,"social distancing applies in the metaverse, don't stand, don't stand so close to me" +0,,"05/21/2021, 06:03:24",camachoangg,someone explained performances in @decentraland to me today and just wow 🤯 #Metaverse is wild! +0,,"05/21/2021, 17:41:59",RFox333,soooo.. i photoshopped animal faces on the metaverse +0,,"05/18/2021, 21:38:21",duckvalentine,"strauss zelnick says he doesn't think cryptocurrency or the metaverse will matter in five years and god, that sounds great" +0,,"05/19/2021, 04:04:07",Axie_Chompx4,that's crazy that @ARKInvest is doing an art gallery in the metaverse. Love it +0,,"05/17/2021, 21:40:21",danielsisson,"the Metaverse will fundamentally alter how we: - work - communicate - entertain ourselves - learn - buy things and ultimately alter how we view the world around us, just like the internet did" +0,,"05/20/2021, 05:38:14",j1mmyeth,the air in the metaverse is so thick with inspiration that every breathe holds a thousand ideas. +0,,"05/25/2021, 21:20:29",NumanUK,the gUmbino project will be the best project in the metaverse. mark my words. am I working on a short movie? maybe physical assets? maybe? +0,,"05/19/2021, 17:51:06",AlexLemonTea1,the metaverse boxes opened +0,,"05/18/2021, 01:17:36",GlowyLari,the metaverse chest has updated and turned into crowns! #Robloxdev #robloxtea #robloxteaspill #robloxleaks #roblox #robux #guccigarden #gucciroblox #gucci #robloxevents #robloxnews #robloxupdates #RobloxUGC #Robloxtoys #RobloxCommissions #robloxart #robloxcommunity #metaverse ✨ +1,"""better""","05/21/2021, 20:40:51",SammyRB_,the metaverse event was better then i expected +2,,"05/17/2021, 03:47:21",HarrisonKugler,the metaverse is going to be the infrastructure for crypto just watch +0,,"05/18/2021, 03:36:45",isaiah_ketchum,the metaverse started when all the streaming services added + to their names +0,,"05/23/2021, 10:00:04",joel_john95,"the metaverse, in its ideal form, will make the immigration officer redundant." +0,,"05/21/2021, 16:49:45",crowkags,"the most unrealistic thing about p5 isn’t the metaverse or the palaces or anything like that, it’s the fact that all of the phantom thieves type in full grammatically correct sentences" +2,,"05/21/2021, 15:36:28",Clock_wick,the roblox metaverse endws today +0,,"05/17/2021, 14:21:48",fatesdesire,"the velvet room, the metaverse, and the cognitive world is no more, leaving only the future in its wake." +0,,"05/30/2021, 02:23:51",isntitlupintic,"they actually foreshadowed the faking joker’s death plan all the way back in madarame palace— morgana doesn’t immediately notice they’d skipped into the metaverse, and mentions this is possible in places with limited distortion." +0,,"05/21/2021, 05:35:11",DaRealBashSpice,thinking about fey's prizes in the metaverse champions boxes was the best and the coolest lol +0,,"05/16/2021, 20:41:05",destroymuse,thinking abt how like when joker is in the metaverse he doesnt have his glasses so i keep imagining him squinting at every fucking enemy bc he just cant see properly +0,,"05/25/2021, 21:03:11",delta_ark,"this talk about the social metaverse is making me VERY ANXIOUS; again, companies in the role of government, not enough community control, not enough democracy; spooky #webxr #webxrdevsummit #webxrsummit" +0,,"05/20/2021, 14:40:21",tamratzi,today is the day the 4th box is opening for metaverse who is exited. +0,,"05/20/2021, 07:03:22",DavenamesTug,today marks the last day of Metaverse Champions... +0,,"05/20/2021, 21:35:37",Buck_2313,tomorrow is the last day of the metaverse event whats the grand prize!? +0,,"05/19/2021, 11:49:15",chrisjason1778,took a car sized loan from ₿ to buy MANA payed it back get to keep the MANA profits to spend in decentraland on the ride to metaverse Moon. Other hand won some lost some playing darts but that's the Fun of alt coin season. +0,,"05/15/2021, 23:39:15",stephiewunder,u want to experience real metaverse? +0,,"05/17/2021, 04:05:35",Aerl_an,umm metaverse in the phillipines its already 17.. im excited for all crates. +0,,"05/21/2021, 18:37:29",goobthepoop,valk of metaverse is pretty dope ngl +0,,"05/22/2021, 14:39:36",globe_3d,"vglobe is the builder, creator&player 3in1 #VirtualEarth,It's a #3dGiS, and a #ARworld ,and MetaVerse, and Super UGC MMO. Welcome u! You are being the digital! This is our dream!" +0,,"05/21/2021, 09:03:48",realwatercrush,video is now up about week 4 of metaverse champions +0,,"05/19/2021, 02:46:22",OfficialFunnyOn,"wait wait let me get this straight, we have metaverse, then stranger things, then gucci, now zara Larson (whoever tf she is). sheeshhhhh" +0,,"05/22/2021, 13:16:28",ButsPoke,wait was there a party in metaverse? cuz it was 1 am when it started +0,,"05/16/2021, 16:49:51",OnChaoz,waiting for Metaverse crates to open bro i neeeeeeeeeeda see that grand prize NOWWW AAAAAa +0,,"05/27/2021, 18:04:53",boomboxheads,"we just rocked a 4 day metaverse event with CoinDesk, but the week aint over yet! Tokensmart parties tomorrow, and im working on boomboxhead #4 the final drop from boomboxheads wave 1! Let's go!" +0,,"05/19/2021, 13:28:24",inversebrah,"we r in CL's metaverse enjoy ur stay, have a virtual cocktail" +0,,"05/30/2021, 01:53:15",sawpex,we will experience the metaverse before we understand what it means to be part of a multiverse +0,,"05/21/2021, 17:52:46",WizRoblox,we're about to get the metaverse champions thing +0,,"05/18/2021, 17:48:25",yuhtwi1tersuc,week 2 metaverse boxes opened!! +0,,"05/23/2021, 10:56:18",Xaviqoji,weird how I haven't seen any of those real valk owners complaining about the metaverse valk +0,,"05/17/2021, 06:44:25",DavenamesTug,what do you guys think the item will be in the metaverse box? +0,,"05/21/2021, 04:53:59",Bryanga985649,what i like about the metaverse champions characters wren: nature like outfit and prizes fey: voice acting AJ: cyborg arm and pbcc was in it sparks: robotic armor +0,,"05/28/2021, 11:42:39",vrylx,what if the entire roblox metaverse champions event was all just an elaborate survey to see which style of rthro the community prefers +2,,"05/25/2021, 18:34:24",theXRman,what's your favorite metaverse? +0,,"05/27/2021, 15:41:14",djhodl,"when alls said and done, we still exist in the physical world the metaverse will have to wait djms11, welcome home cant wait to meet you" +0,,"05/18/2021, 22:48:26",testudo1111,"when ape riding my camel around the metaverse with a crypto kittie in my backpack, remember this tweet" +0,,"05/16/2021, 17:46:45",ftDerpy,when does the metaverse event start? didn’t do it yet +0,,"05/20/2021, 21:17:14",cryptocrawlerz,where would you like to see #CryptoCrawlerz? drop a vote below who likes the idea of 3D .glTF or .glb files + metaverse unlockables paired with future drops? #CryptoCrawlerz release parties? auctions?😉💚🐛🪲🐞 +0,,"05/19/2021, 14:42:35",dunnde,whew $rblx is positive everything will be ok the metaverse lives +0,,"05/19/2021, 20:23:28",SicDoesStuff,which games have the metaverse is them and which don’t please my head will explode if i keep finding out no games have the metaverse event them anymore +0,,"05/21/2021, 19:07:08",abizarreone,why are metaverse players so pissed off about a game that gives u a badge right when u join it +0,,"05/29/2021, 14:06:19",busesandmore1,why are people still playing the metaverse AND the zara lesson game +0,,"05/19/2021, 17:11:12",TrollGerr,why did i not get all the metaverse champions crates +0,,"05/17/2021, 20:28:44",xXD1LLYD0PXx,"why did nobody fucking tell me that if i didnt do the bare minimum in the metaverse event that i would be qualified to get the tiny egg of nonexistence, i only have 5 badges each champion and a majority of games already removed the metaverse event, i fucking hate living" +0,,"05/21/2021, 18:10:22",kodetiRBX,why does roblox host all of their events while I’m at school missing out on metaverse and all the Gucci limiteds +0,,"05/25/2021, 13:38:25",Medicrop1,would you rather chose dark valk or me Roblox Metaverse valk +0,,"05/23/2021, 04:02:18",onimaruxlr,"y'know I read and liked Snow Crash at a really influential age, but I don't get the appeal of the Metaverse Then again that makes a lot of sense considering I'm an antisocial maniac who shuns the prospect of being in public, and only tolerates the prospect of being around others" +0,,"05/17/2021, 19:45:11",L1zzzie,yall the week 1 metaverse chests opened #roblox #MetaverseChampions +0,,"05/19/2021, 05:47:43",testudo1111,"yes, i will single handedly change the course of ""humanity"" via my metaverse centric comments in various whatevs" +2,,"05/23/2021, 02:37:53",44meoow,you can go to your ‘internet’ friends funeral in the metaverse one day :( \ No newline at end of file diff --git a/src/Data/tweet2.csv b/src/Data/tweet2.csv new file mode 100644 index 0000000000000000000000000000000000000000..967153521e221912ff8ba584a0a9d2c3eaa7caba --- /dev/null +++ b/src/Data/tweet2.csv @@ -0,0 +1,948 @@ +sentiment,mots clés,date,username,tweet +-1,"not impressed, hyped, ","05/01/2022, 11:56:37",NearlyNicholas,"When you think “scalability into the metaverse,” do you envision $1,500 gas fees because of one hyped, overpriced project, that caters to a small clubhouse of wealthy people? No. Neither do I. Forgive me if I am not impressed." +-1,"doesn't mean, any and everything, not as easy","05/01/2022, 11:54:19",TristTaylor_,"The Yuga Labs mint reminded us one thing which I’ve learnt through studying this space; only because a brand is built doesn’t mean you can pivot into any and everything. Building a metaverse is not as easy as it may seem , it’s not just about money either" +-1,"losing, even, make mistakes, never","05/01/2022, 11:49:57",freshmoneyindia,Zuckerberg and Munger losing billions on their metaverse and $BABA bet. Amazon and Buffett losing billions in Rivian and airlines! Even the finest of investors make their mistakes. Never bet the farm on a single investment! Always diversify. Capital once lost always gone +-1,"... , literally, !!!","05/01/2022, 11:46:53",satoesheART,Whoa!!! The most awesome metaverse is being built right now..... & You design it with every step you take!! Literally under your feet and all around you!! It's called Earth!!! 🙏namaste +-1,without giggling,"05/01/2022, 11:38:09",sebkay_,I can't hear metaverse in persona 5 without giggling a bit Hopefully royal added a Mark Zuckerberg palace +0,,"05/01/2022, 11:30:01",web4bot,web4: the metaverse? +0,,"05/01/2022, 11:29:55",_n0vice,Ready Player one’s Metaverse - The OASIS is what ya should be shooting for. +1,special,"05/01/2022, 11:16:54",superfunguy_,"I’m deff gonna miss Eid far away from my hometown. The people, the culture, the food, gosh when is the metaverse going mainstream? There’s something special about being there." +0,,"05/01/2022, 11:11:23",miwakoart,miwako is the troublemaker psycho princess of the metaverse +0,,"05/01/2022, 11:09:45",_PablocastroPR,"Omo metaverse na another world wey most of una no sabi yet. Things dey sup for tech world and development globally, wake up naija!!" +-1,"your money, dumbass","05/01/2022, 11:09:34",JackpotJeeves,"By all means, Mark Zuckerburg, keep draining your money on your dumbass venture into the metaverse, we're all gonna sit back and smile" +-1,"no one, nothing, pretentious, jerk","05/01/2022, 11:06:52",JackpotJeeves,"No one who is a gamer is excited about the Metaverse, it is nothing more than a way for pretentious billionaires and tech bros to jerk themselves off and financialize everything all the while they use incredibly out of touch methods to try to appeal to people" +2,,"05/01/2022, 11:04:41",PadKeeMoore,"Can someone explain metaverse land sales to me? Seems like a very w2 approach, similar to cyber squatting .com domains. Doesn't the composability of w3 mean there is infinite number of worlds to be built + no central authority artificially restricting supply." +0,,"05/01/2022, 11:03:10",KirbyLarp,if i ever go offline its not that i got my shit together they cut me off the metaverse forcefully +1,"fun, are you ready","05/01/2022, 10:58:44",kurazav,"Buying metaverse land is all fun and stuff, but did you know building a real and fun game takes years of hard work? Are you ready for the hardest journey of your web3 life so far which will test your patience to the extremes?" +0,,"05/01/2022, 10:49:26",NeFTeyS,Oh my oh my 🥵 Wouldnt be nice to get a WL give away from @MetaComedyClub..? The first and only Comedy Club rooted deep in the metaverse Can get a ❤️ if you agree..?? @MetaComedyClub @Crip_mcc @meta +-1,"sad, not","05/01/2022, 10:43:00",Heachy_1979,"When you see people wandering around most are looking down at their phones, even in company. Not communicating. Not taking in the scenery. Not living in the real world. They may not be in the metaverse yet. But they may as well be. I find it really sad what we've become" +2,,"05/01/2022, 10:42:29",crazynutsnft,"The McLaren Chapter Automotive strategized ""for the first time"" of its ambition as a metaverse strategy." +2,,"05/01/2022, 10:42:10",jiahui68785822,"Metaverse Is Here And Zuckerberg Claims Leadership With The Opening Of Meta Store . The Meta Store is more of a B2B metaverse showroom than a store for consumers, though early-adopting, curiosity-seekers will be drawn to it." +2,,"05/01/2022, 10:40:37",TimothyObinna1,What Metaverse Platform are you in? Dm so we hang out Later in the future. +0,,"05/01/2022, 10:39:15",Caucasusfund,How to Play Metaverse Games: A Beginner's Guide to Decentraland . Learn how to play metaverse games in this beginner's guide on how to get started with Decentraland. +1,good,"05/01/2022, 10:39:12",TimothyObinna1,I think we're in Gen Z ~Gat look for new ways and gadget to promote KINF 👑 JESUS second coming~ ~I think Metaverse is a good advice~ +1,"can, whatever","05/01/2022, 10:30:00",sandstormmeetup,You can be whatever you want to be in the metaverse #facts +1,"good cause, reinvest, future","05/01/2022, 10:28:04",EmyersBlue,"Imagine what the team would do with 330mil… $ The fp go rocket if they use in good cause , reinvest in project and technology for the future of web3 and Metaverse Only bad if they are not ambitious enough to be ruler of future ( as they are going ahead from every other prj rn)" +-1,"mfs, break","05/01/2022, 10:25:53",joseleal0318,Some of you mfs need to take a break from the Metaverse 🤣 +1,all I need,"05/01/2022, 10:25:25",warclownE,"Bro, for me the metaverse is de_inferno. Thats all I need." +1,"very cheap, smart, actually","05/01/2022, 10:20:12",IBW_Mamba,"If you missed out on the @OthersideMeta drop, consider looking into @The_ClayMates on the Cardano blockchain, they did a 31k metaverse land mint with very cheap gas fees. As much hate as Cardano gets, the Cardano smart contracts have proven to actually withstand the congestion." +2,,"05/01/2022, 10:19:05",TheMetaSail,"Common misconception about metaverse land is that location matters. It doesn’t, unless you intend to walk around aimlessly like in @decentraland. Everywhere else - OM, @TheSandboxGame and I expect @OthersideMeta and @RTFKT pods too - you can simply teleport to the destination." +-1,"how about, this world, and maybe","05/01/2022, 10:18:19",shaunpaczkowski,"People getting excited about the metaverse is wild, how about you fix your life in this world and maybe watch the matrix" +-1,"over, would rather","05/01/2022, 10:18:04",JohndogeXBT,"I would rather own ~40 Pudgy Penguins over 1 BAYC. I would rather own IRL Land over metaverse land. I would rather pay ~$10.000,- for collectables as: -AP or Rolex watch. -A guitar owned by SRV or Jimmy Hendrix. -A real Bob Ross painting. -A metronome owned by Maria Callas." +2,,"05/01/2022, 10:17:59",ShaikArifAli1,"BAYC has sold over $245,000,000 worth of digital real estate just 2 hours after launching their Otherside Metaverse." +0,,"05/01/2022, 10:10:42",CornelaErna,Do you want to see Captain Sparkles of #GHC in the metaverse? #GalaxyHeroes #GHC #GalaxyHeroesCoin #GHCArmy +0,,"05/01/2022, 09:58:39",cryptophial,"you won't live in a free world or a metaverse. You'll live in whatever interoperable multi-governed network array @pmarca tells you to, and you'll like it. *there's 2 ways to read this. 1st is emotional. 2nd is rational. Act accordingly." +0,,"05/01/2022, 09:44:24",Ann_tyrion,"Not everyone is Metaverse needs house, cars and luxury goods, but everyone needs a profile pic. #Web3" +0,,"05/01/2022, 09:34:41",player2moo,"I've no doubt that BAYC will eventually build their metaverse but let's just pause for a moment. RIGHT NOW: People are buying a token (ApeCoin) that does nothing, to buy digital land (Otherdeeds) for a world that currently only exists on a pitch deck. 🤔" +0,,"05/01/2022, 09:16:51",adcogfx,can someone show me a work in progress of the otherside metaverse? i expected twitter to be full of it since you're all buying land for it. +-1,"collapses, shit","05/01/2022, 09:12:49",enr56,Hope Zuckerberg's Metaverse collapses like the pile of shite CNN+ +0,,"05/01/2022, 09:09:21",silas_nft1,Mfers made jokes about @coolcatsnft for not delivering a finished product but are willing to spend $25k hoping that Yuga will deliver a working metaverse in like what? Two years? +0,,"05/01/2022, 09:09:11",StockandmoreCom,ApeCoin slides 40% in three days despite Otherside metaverse land sale — here's why #cointelegraph #blockchain +0,,"05/01/2022, 09:07:47",gpawdoteth,Speculative metaverse eh? I’ll take my Grandpa fam❤️ #GACC +0,,"05/01/2022, 09:07:07",Saddam_KE,I am buying something in metaverse this month. I am not being left behind. +0,,"05/01/2022, 09:05:44",KristinaSvim,"#cooltopia is cute, fun, positive + rewarding free of worries about gas fees / in the future you can stake your cool pet / it is very family friendly 💕 #TheOtherSide a wild cosmos where nothing seems predictable / it’s what THE metaverse should be? 👏 love this bold move." +0,,"05/01/2022, 09:04:41",lachlanchuula,"blowing kisses at my opps in the metaverse, gorilla biscuits til my head'll burst" +0,,"05/01/2022, 09:03:19",Saddam_KE,We are now watching football matches in metaverse. 😭😭😭 +2,,"05/01/2022, 09:02:18",xiaomai76409159,"Disney 'metaverse' begins to take shape | Daily Break . Chairman of Disney parks Bob Chapek speaks at the dedication ceremony for Star Wars: Galaxy's Edge on Aug. 28, 2019 at Walt Disney World's Hollywood Studios..." +0,,"05/01/2022, 09:01:24",dacheng96948902,"Metaverse Explained | Understanding Metaverse With Ajit Mohan | Beginners Guide To The Metaverse . On this special edition of India Growth Council, we are joined by Ajit Mohan, vice-president and managing director of Meta, India. He is leading the enti" +2,,"05/01/2022, 08:55:20",ariefwijayaput3,"Nextverse is Social-oriented metaverse, with ambitions to become Social Network 3.0 #NextVerse #IDO #April-29 #GameFI #RedKite." +0,,"05/01/2022, 08:52:34",shawn_odonaghue,Even in the metaverse gas is high +2,,"05/01/2022, 08:51:23",ShiLian_JOB,"Automobile, gems and jewellery and travel firms are working in metaverse . Metaverse is nothing but a 3D rendition of the internet which is played through virtual reality headgear on augmented reality content." +-1,"stop, instead","05/01/2022, 08:47:52",kanj1205,Stop talking about Metaverse and introducing 2017 VR chat instead +,,"05/01/2022, 08:40:51",CryptoLesha,You would think that there would be a better way to mint @OthersideMeta where the approx. 100mill USD that were burnt on gas could have gone into the teams hands instead to actually build the metaverse. Premint for all KYC wallets for example? 48 hour mint window? Guess not... +-1,so fascinated,"05/01/2022, 08:39:46",dikerpagui,"#AMAwithSadhguru Namaskaram Sadhguru, Why everyone is so fascinated about Metaverse? #SaveSoil @SadhguruJV @cpsavesoil" +0,,"05/01/2022, 08:37:53",spaghettiboyx69,All FUD aside. I hope @OthersideMeta is made in @UnrealEngine 5. We need a high quality metaverse. Not these low poly cartoon worlds. We need to be able to build apps in them. Allow developers to build custom functionality. Allow interoperability between metaverse projects +0,,"05/01/2022, 08:31:22",mistrymm7,"I think Metaverse Artist might be more appropriate title than Metaverse Architect if one is just creating assets (Creative custom Revit family asset vs Project Architect). Meta Architect involves more design, coordination, engg. knowledge similar to Game Designer,web2 Architects" +0,,"05/01/2022, 08:27:07",NFTask,"Now that everyone has seen how much #yuga fu*ked up, can we just move on with getting @nftworldsNFT as they've proven themselves to be the best gaming metaverse. #NFTWorlds #WRLD $WRLD" +2,,"05/01/2022, 08:26:41",food_pyramid,"I’m curious, what is metaverse land for? Is it like VR and you “go” there and like walk around and stuff? I’ve been to decentraland and it was clunky and weird but there were other people around at this party like the sims. Is that the idea of the metaverse?" +-1,"realise, vaporwave, mindless, degens","05/01/2022, 08:23:46",MeDarkseid,You guys do realise what virtual land without a working metaverse is vaporwave but u guys are just mindless degens +0,,"05/01/2022, 08:18:57",kMwbSrUNjd6OZ3z,Meta says metaverse may take 5-10 years to fully come to life . Meta has hinted that it expects its metaverse to be a larger project with more advanced hardware and software than anyone can currently imagine. +0,,"05/01/2022, 08:15:36",delete75522330,"NFL Pro Era is a new VR game for football fans — lead your team to the Super Bowl in the metaverse . NFL Pro Era, unveiled at the 2022 Meta Quest Gaming Showcase, is the virtual reality (VR) game that football enthusiasts have been waiting for." +0,,"05/01/2022, 08:14:21",Caucasusfund,"Money in the Metaverse (with Citi's Ronit Ghose) . What is the metaverse, how will we use it and why might the financial innovations of Web3 and blockchain technology be crucial to its success?" +0,,"05/01/2022, 08:10:50",shanzi73338680,"Hermès Touts Craftsmanship Over Metaverse at Shareholders' Meeting . ""We are full of confidence about the future,"" Hermès executive chairman Axel Dumas told the company's annual shareholders' meeting." +0,,"05/01/2022, 08:09:32",shiqi84084285,"Ian King Business Podcast: Netflix shares plunge, hunt for permanent employees and future of the Metaverse . Sky's Ian King discusses Netflix's share plunge as it loses subscribers for the first time in more than a decade." +0,,"05/01/2022, 08:08:40",iridescentmiilk,can I pls know if I'm actually undergoing some human experiment? like there's no way i just had another lucid dream about metaverse gaming again..it's been MONTHS +0,,"05/01/2022, 08:08:38",oluremialimi,Dutch builders are fast bringing Metaverse down to their cities. These structures will wow you +0,,"05/01/2022, 08:08:26",jroebuck,Land in the “Metaverse” is infinite. Membership to a club with super rich insiders isn’t. #Web3 +-1,"scam, lol","05/01/2022, 08:06:22",Poe_Ether,The metaverse is a scam lol +-1,"doesn't feel right, vaporwave, crazy money","05/01/2022, 08:05:21",CrossChainAlex,"It might be my boomer brain being out of touch, but something doesn’t feel right about these metaverse land sales. Feels something like the crazy money that got thrown at vapourware ICOs a few years back. Crazy money. What’s the value prop, what’s the USP, why?" +0,,"05/01/2022, 08:04:42",lildookieturd,metaverse +2,,"05/01/2022, 08:00:37",sandstormmeetup,Would you rather go to a concert in the metaverse or a casino in the metaverse 🤔 +0,,"05/01/2022, 07:52:20",addyudd,Why doi have a feeling @OthersideMeta is the next @NeoTokyoCode whose value drops significantly when apes realize again that it takes more than 1wk to build a metaverse/game? +1,"awesome, right there, !","05/01/2022, 07:47:22",AskTinNguyen,"spending my weekend & holidays to learn Unreal 5 Definitely fair to say, if you want to create awesome things for the metaverse, the tools are right there, just gotta take the plunge!" +-1,don't care,"05/01/2022, 07:46:28",jerrisambu,I dont care metaverse I live in Indonesia +1,bets,"05/01/2022, 07:42:03",AlwaysStocks,Put my bets on the metaverse next bull cycle. +-1,"wild, completely different","05/01/2022, 07:41:50",saadiasallie,"I find it so wild to have been able to experience a time without social media and a lot of tech and simultaneously experiencing the shift of the digital era & new world centred metaverse. Two completely different eras , feels like 2 different lifetimes." +-1,"kill, ill, no real purpose, not convinced, artificially","05/01/2022, 07:41:23",wabdoteth,"Metaverse land is going to kill 99.9% of projects in the long run. It is typically ill thought out, artificially scarce, bordering a cash grab and serves no real purpose long term. I am not convinced that @yugalabs is going to be one of those 0.01%." +-1,"less i like, not right, not convinced","05/01/2022, 07:38:48",artcolllector,"I like the punks, but have gone off @yugalabs. The more I looked into the BAYC, the less I like it. And this land in the metaverse just not right. It will happen, and would be fun, but not right now. But that is just me - after all I was a punk." +1,"embrace, new, era","05/01/2022, 07:38:17",weekoon22,"The universe of Warren Buffet is out, The metaverse of Elon Musk is On, Embrace the new spaceX, tesla, twitter era with @elonmusk" +1,"possibilities, endless","05/01/2022, 07:29:29",IgorPogany,Unelegant way to launch this but the possibilities with the Otherside Metaverse are endless. Think World Of Warcraft meets web3 Amazon. +0,,"05/01/2022, 07:29:22",BtcWaqas,weB 3.0 & METAVERSE +1,"potential, recognized, tool","05/01/2022, 07:28:55",WinnipegLandsc1,"The metaverse is a ""vast virtual world"" in which millions of users can socialize using avatars. Filmmakers and entertainment companies alike have recognized its potential as a narrative trope — and as a filmmaking tool. April 30, 2022 at 08:00AM | By: Jenna Benchetrit …" +0,,"05/01/2022, 07:26:19",___walkingL,Conversation with my parents this morning: Me: this company is going to sell land for like 12k usd in the metaverse and raise like a 100M Parents: sounds like a scam son. - Conversation tonight: Me: yea it’s worth like 50k now and I got a parcel for free… Parents: 😳 +0,,"05/01/2022, 07:25:43",Airgeadais,"Meta to launch metaverse hardware store, Elon Musk buys Twitter for $44B and ApeCoin pumps to new highs: Hodler’s Digest, April 24-30" +1,demystifying,"05/01/2022, 07:25:38",Airgeadais,Demystifying the business imperatives of the Metaverse +0,,"05/01/2022, 07:25:21",Chombesh1,Metaverse got buffaloes 🦬? +-1,"sketchy, kinda","05/01/2022, 07:24:37",PAWGSMusic,Metaverse Being Kinda Sketchy With Showing Me Some Stories Super Late 😑 +1,all we need,"05/01/2022, 07:22:39",iH0DL,"I don’t think we need VR to have a metaverse, or digital land for that matter. All we need is internet." +0,,"05/01/2022, 07:20:59",hikimberlymarie,If I don't get a koda I'm gonna have to fly spirit airlines just to get around anywhere in the metaverse. +0,,"05/01/2022, 07:20:24",sahilparakhh,My take- Kodas will flip Mayc long term because Kodas were specially created for Otherside and there will be a lot of utility associated with Koda within the metaverse +0,,"05/01/2022, 07:18:18",ENSoriginals,"Twitter is the true metaverse: You can smell some shit pants every time the market drops, also see penises become vaginas and vice versa, some unemployed guys selling courses, and elon licking his own balls, if that's not the metaverse then i don't want it! 🚀" +0,,"05/01/2022, 07:16:36",xiaomai76409159,"Hot Metaverse Tokens to Invest in Today: Axie Infinity (AXS), Sandbox (SAND), and FIREPIN Token (FRPN) . There's a lot to say about the concept, many perspective definitions, suspected applications, and the general idea of what we have all come to know" +0,,"05/01/2022, 07:15:22",ShiLian_JOB,"Hot Metaverse Tokens to Invest in Today: Axie Infinity (AXS), Sandbox (SAND), and FIREPIN Token (FRPN) . There's a lot to say about the concept, many perspective definitions, suspected applications, and the general idea of what we have all come to know as the..." +0,,"05/01/2022, 07:09:56",geekydhaval,"Our next project: Selling oxygen in the metaverse. Better options to inhale nitrogen , hydrogen peroxide for your metaverse avatar. It’ll be a monthly subscription service which will allow you to renew with a new gas to inhale every month." +1,WE,"05/01/2022, 07:03:13",58mitchs,WE are the metaverse +0,,"05/01/2022, 07:03:10",CryptoNewsPush,"{""limit"":""none"",""name"":""Hasbro Metaverse"",""symbol"":""Hasbro"",""totalSupply"":10000000000000,""balance"":""0.96""}" +0,NEUTRE,"05/01/2022, 07:00:33",food_pyramid,"Judging by how my irl lawn looks, I’d probably just neglect the grass in the metaverse too." +0,,"05/01/2022, 06:52:33",Abner6935,"Sundae School 4/20 Metaverse ""Flowerverse"" Launch . To mark 4/20 this year, Seoul and Los Angeles-based label Sundae School has set its sights on the metaverse. Building on its outlook of cannabis, Sundae has..." +0,,"05/01/2022, 06:52:22",Caucasusfund,"Golden Ark offers the world's premier pot metaverse . Golden Ark is a seed-to-market cannabis supplier licensed in California. The team has scoured the earth to source rare, exceptional marijuana seeds from..." +0,,"05/01/2022, 06:46:27",AlexAizenmultrp,"I roleplay as soul king aizen from bleach,crossverse and metaverse rps are welcome." +1,"open, love","05/01/2022, 06:45:50",wearekent_,I ♥️ Open Metaverse +0,,"05/01/2022, 06:37:58",wordsofNFTs,"There was a point in time where everyone and web2 companies were aping into Web3 land. As much as they want you to believe it is ""finite"", remember that metaverse land is self created and you're still betting on the team to execute. The plot means nothing if they fail to build." +1,"bullish, ridiculous","05/01/2022, 06:28:29",scarebtc,so bullish on metaverse land its ridiculous +1,"grateful, certain, mega, bullish, community","05/01/2022, 06:26:47",coldxbt,one thing I can say for certain after tonight: I am extremely grateful and mega bullish on #OM metaverse and folks like @punk6529 who are focused on the community and decentralization. that’s the tweet. +1,lead,"05/01/2022, 06:24:47",SansaBolivia,Which metaverse will lead this 2022? +0,,"05/01/2022, 06:22:01",shanzi73338680,"Accenture to Hire 150,000 Staff to Explore Metaverse . Accenture has begun putting together all its digital assets, as the IT consulting giant gets set to explore the lucrative metaverse market." +0,,"05/01/2022, 06:19:46",reubstock,Physics and the Metaverse are Spatial so why are we still using the language of Left and Right? #flatland #newdirections #newwords +-1,"rather, instead of","05/01/2022, 06:18:11",CloutedMind,"Mfers would rather spend $30,000 on a metaverse deed instead of playing some call of duty" +,,"05/01/2022, 06:14:39",2themoonmedia,3/ @OpenSea support & metaverse ambitions +1,"I love, love","05/01/2022, 06:14:17",DegenJefferson,Yooo me and @degendix_ claimed our deeds on the otherside together and we’re metaverse neighbors. I love this space +0,,"05/01/2022, 06:10:23",Ratt_Ladd,Using a tazer on someone is a metaverse -Furdu 2022 Vr panel +0,,"05/01/2022, 06:08:45",synch0path,"If you are upset of the Yuga labs EPIC GAS WAR for the other side, you should consider moving to BSV, they have 1Gigameg blocks and could literally support the whole MeTAvErSe. #BAYC" +0,,"05/01/2022, 06:07:43",CarlGiacone,Watched ‘Ready Player One’ to only realise this is what our future is going to look like very soon. Thoughts?. @Meta @Metaverse_HQ +0,,"05/01/2022, 06:07:16",stablecoinshill,i have infiltrated the monke metaverse +0,,"05/01/2022, 06:05:33",TieDyeNinjas,We just grew our metaverse exposure by 5 sizes tonight. Worldwide 🌎🦍 +0,,"05/01/2022, 05:57:40",CitizenApes,#vaca #vacation visit anywhere - metaverse. get ur passport today ! +1,"opportunity, rest","05/01/2022, 05:52:36",BullEth6,There is only one metaverse opportunity to build generational wealth. $rfox $vfox. The rest is utter dogshit and scams +0,,"05/01/2022, 05:52:20",bellakw08,"#NextVerse is a VR-ready social-oriented Metaverse which aims to build a strong community where users can present themselves and communicate immersively, as well as earn assets by playing games, watching videos and many more. #NextVerse #IDO #April29 #GameFI #RedKite" +2,,"05/01/2022, 05:52:11",7he_Reason,Seen someone I know selling products out the metaverse +0,,"05/01/2022, 05:52:06",Fiddyten,"So can we all finally agree there is just one team, and one team only, that just keeps delivering true metaverse potential and caters to the community in every way possible? Team @iamarkdev / @Temptranquil" +-1,lure,"05/01/2022, 05:52:01",xiaomai76409159,Mark Zuckerberg Wants to Lure You Into the Metaverse With These 12 Mostly Lame Games . Meta's true vision for the metaverse is still five to 10 years away. Here's a few games to try before it gets here. +0,,"05/01/2022, 05:47:34",SolBuddy_2,My MetaVerse bag details: @weareLUX_space 2 @lofts_club 2 @YakuCorp 1 What's I next buy? Comment below ⬇️⬇️ +0,,"05/01/2022, 05:43:51",MarcTehan,"This was a masterclass in insider trading/ Ponzi / pyramids / daisy chain scams but it's all ""legal""t the whole amorica, bayc, yuga,sandbox, otherside metaverse was a lesson on supply demand/ monopoly insert whatever Financial term/ white collar crime you'd like.👏well done." +0,,"05/01/2022, 05:40:33",W1ll1amEth,"Also, following any new @OthersideMeta community members that engage with this tweet. We all in this metaverse together! #Apes, #punks, #meebits, #coolcats, #worldofwomen, #toadz, #nouns and landowners" +0,,"05/01/2022, 05:36:47",yesufu_sultan,The @alienfrens are building the biggest group of #frens the Metaverse has ever seen. +0,,"05/01/2022, 05:34:48",alt_coiners,"149. BAYC ENTERED IN DIGITAL REAL ESTATE @BoredApeYC sold over $245,000,000 value of digital real estate just 2 hours. BAYC launched its own other-side Metaverse." +0,,"05/01/2022, 05:24:31",gillr91,Is metaverse land going to be web3s version of the dot com bubble? +-1,call it,"05/01/2022, 05:19:46",sab_0x,About to fork club penguin and call it a metaverse +-1,"can't manage, no hope","05/01/2022, 05:18:58",RodneyRamsey,"If you can't manage a land token auction, there's no hope you can manage a metaverse launch." +0,,"05/01/2022, 05:16:49",hiGaurav12,Back then due to the Singer Internet crashed in some countries and Today is the day where due to @Otherside__Meta - Etherscan crashed - As far as I know Highest Gwei of all time (8000 GWEI) - People went crazy just to get deeds in metaverse Much more to see from @yugalabs +0,,"05/01/2022, 05:13:02",XCOPYART,"wounded apes welcome to take shelter in our corner of the metaverse, free doom juice and organic fair trade bananas." +0,,"05/01/2022, 05:10:58",bestfoodalex,"Is it still about supporting creators, creating a new equitable economy everyone has access to, and undermining the fiduciary system built on folks’ backs, or is it just about rich people flinging dirt at each other in the metaverse and oops-ddosing important stared utilities" +0,,"05/01/2022, 05:08:35",SergioPelayoC,"Im just wondering if all of those who managed to buy #OthersideLand tonight will be playing in the metaverse? I feel like those who really take advantage of #play2earn are those who need the money the most, which werent able to get into tonights #mint by #BAYC, innovation please!" +0,,"05/01/2022, 05:04:15",Abner6935,"Cardano Metaverse Project Cardalonia Kicks Off Token Sales, - Headlines of Today . Talinn, Estonia, April 20, 2022 (GLOBE NEWSWIRE) -- Cardalonia team is pleased to announce the launch of their Lonia Token Sale. It is a decentralized,..." +0,,"05/01/2022, 05:01:18",About2be,"100 million dollars or more added to Russia’s war chest, thanks to all gas fees that @yugalabs and @OthersideMeta helped push. Hope the refugees from Ukraine find shelter in their new metaverse with the Kodas." +0,,"05/01/2022, 04:52:03",uscryptocowboy,In regards to the otherside mint fiasco. I just bought 2 plots of land last week in shib the metaverse on opensea. gas was reasonable I got both I wanted. Do with that information what you will @Shibtoken #Shibaverse @shibainuart @SHIBQueenie +1,undervalued,"05/01/2022, 04:51:38",Baaan_Samaa,"I dont know if I'm the only one noticing it, in our metaverse TQ is so undervalued 😢" +0,,"05/01/2022, 04:50:36",nitingcs,"Flipkart plans to enter into web3 and explore commerce in metaverse, play to earn opportunities. How many years more before every app you use on your phone would have a web3 component?" +0,,"05/01/2022, 04:50:24",Caucasusfund,"Spain’s Animayo Ventures Into the Metaverse . Animayo Gran Canaria, Spain's foremost Canary Islands-based animation festival, is venturing deep into the metaverse with experts in artificial intelligence..." +0,,"05/01/2022, 04:49:36",WJB_News,"Can the Metaverse Improve Learning? New Research Finds Some Promise . The metaverse is the latest tech frontier, with Facebook (now called Meta) and other tech giants rushing to build a parallel social and professional ..." +0,,"05/01/2022, 04:49:04",__fulcrum,I do think that Yuga will still kill the game with what they are planning for their game/metaverse. This was just a big bump in the road to get there and I hope they learn from it for next time. +0,,"05/01/2022, 04:45:39",NetCoinCap,"UPDATE: BAYC’s Yuga Labs is now estimated to make $340,000,000 in virtual land sales upon launching its “Otherside Metaverse” today." +0,,"05/01/2022, 04:42:35",iamtheapebro,Have you heard of OASIS? It’s now called @OthersideMeta @yugalabs is building THE metaverse. And they’re probably the best ones to do it. +0,,"05/01/2022, 04:38:21",baph4236,Thankful for everything @cryptovoxels has done to contribute to the web3 metaverse space. Feeling grateful to have found them when I did thanks to @LowEffortPunks. +0,"fake, crazy, ... , real","05/01/2022, 04:38:19",thesalmon88,When your pulling money out of your real mortgage to buy fake land in the metaverse.... seems crazy when you look at it from the outside in. But... we got faded by @yugalabs @OthersideMeta next time... +0,,"05/01/2022, 04:35:37",GoldGuyDCL,Can decentraland be a good testing grounds for upcoming metaverse projects? +0,,"05/01/2022, 04:35:03",fluffy_sez,What is your opinion on big add integrations in the Metaverse such as the Wendyverse? #ExploreWithQuest +0,,"05/01/2022, 04:33:39",0xhubby,"Can't use existing practices to optimize their contract/mint, but can be trusted to build the foremost metaverse. That sounds right. 🙈🙉🙊" +0,,"05/01/2022, 04:28:35",NinoNouveariche,That’s how I be boxing in the Metaverse +0,let down,"05/01/2022, 04:28:20",_bus_bus_bus,Everyone who was excited about finally being able to join the metaverse today and was let down. I would highly encourage you to check out @_portals_ They are more accessible to people who don’t have $7k to spend on gas fees and their metaverse is amazing! +0,,"05/01/2022, 04:28:10",TopshotAsia,"Hey @TheEverai @AzukiOfficial & other anime metas. Need a favor, can you guys work collectively to build a competing metaverse?" +0,,"05/01/2022, 04:22:10",USStockCryptoN2,How Fortnite is connected to pretty much everything: The metaverse debate explained - Sportskeeda #Fortnite +0,,"05/01/2022, 04:20:21",Perry_onn,"Can Meta's Q1 show impact the 'Metaverse' theme? . Market participants are swearing by the metaverse theme, with or without Meta." +0,,"05/01/2022, 04:18:13",nftfren,wen boring metaverse name service +-1,"absurd, ass, shit","05/01/2022, 04:16:44",avishantsingh,Metaverse is some absurd ass shit man +0,,"05/01/2022, 04:15:13",qianjin56551456,"Meta’s Revenue Might Have Surged In Recent Q1 Report But Things Are Thick For Its Metaverse . For the second time since its rebrand, Meta posted its Q1 earnings Wednesday, eliciting mixed reactions from investors." +0,,"05/01/2022, 04:14:52",Caucasusfund,"Hermes 'Curious' About Metaverse as Means of Communication . Hermes, the luxury brand, may turn to the metaverse for “communications,” Executive Chairman Axel Dumas told shareholders. “We are curious and interested.”" +0,,"05/01/2022, 04:06:53",Cryptochancer21,To all those people buying land in the metaverse. I have some land on the moon for sale! +0,,"05/01/2022, 04:06:52",asymptoteart,"What is the point of digital land? To me, it is useless, why hide in a digital metaverse and ignore the planet we are on now. Unless you can get full BMI whole body experience of every sensation and movement and a whole physically accurate meta verse, I don’t see it." +0,,"05/01/2022, 04:04:08",punk607,"yuga runs the metaverse, don't tell me they didn't see a gas war coming, especially having serial numbers starting from the center of the map feels political" +0,,"05/01/2022, 04:02:58",RekunBox,"Watching people without any experience in metaverse technology talk about metaverse technology is like listening to people that don't watch sports talk about sports. Frustrating, to say the least." +0,,"05/01/2022, 04:00:03",alt_brainnews,UN watchdog: Russian troops put 'unbelievable pressure' on VR headsets allow metaverse users to receive facial sensation. +0,,"05/01/2022, 03:59:39",nataliarazz,"I have no doubt otherside will be cool but lets be realistic, it needs time, so it’s a mid term investment for me. But there is another metaverse project in the market which already succeed and will blow earlier than its rivals @nftworldsNFT . End of the tweet." +0,,"05/01/2022, 03:59:29",okaayandre,And just like that my dreams float away lol no wave 2 for us 😂 can’t wait to see how @BoredApeYC changes the game for the metaverse! +0,,"05/01/2022, 03:57:17",fb66ok2bme,"I’m looking around at all that is going on tonight because certain sells in the metaverse. I’m really pretty sad. I’m watching watching what I believe as the world going to hell right in front of my eyes. Forget the battles around the world and people suffering,… I need my fake" +-1,"will prove, not","05/01/2022, 03:56:23",KING__KEMBA,The metaverse is built not bought. Only time will prove this. +0,,"05/01/2022, 03:53:41",Abner6935,"Goons of Balatroon (GOB) Raises $2.46M To Craft A Unique Free-to-Play-to-Earn (F2P2E) Card Game Metaverse . Goons of Balatroon, a 2D/3D hybrid metaverse featuring Play 2 Earn card strategy gaming and land ownership built within the Elysium ecosystem, has" +0,,"05/01/2022, 03:51:03",yusukeorb,"Fox is not my Metaverse self, but rather my fursona." +0,,"05/01/2022, 03:48:16",totallyrandie,Shakur Stevenson & those dimples ☺️. He’s about to rock buddy into the metaverse 😩 #StevensonvsValdez +0,,"05/01/2022, 03:47:25",Aelio33,Now officially a @ThePixlverse maxi. THE PIXLVERSE IS THE METAVERSE OF THE PEOPLE +2,,"05/01/2022, 03:47:11",SubZcrypto,Gonna find a bench in the metaverse sit there and gather my thoughts +0,,"05/01/2022, 03:46:38",Remyel_,Metaverse world 🥵 +0,,"05/01/2022, 03:45:52",shawn_odonaghue,Yuga metaverse land sale will be looked back in retrospect as the end of the cycle +0,,"05/01/2022, 03:42:59",0xDamien,premium metaverse real estate $1 million american dollars floor price +0,,"05/01/2022, 03:41:57",bart_hillerich,You really think the dominant metaverse project above all others will end up being the one where you hang out in a cartoon swamp and the main characters are monkeys. +0,,"05/01/2022, 03:41:11",BadIdeasMovie,"can't wait for the first time i have to hear someone say, 'i made out with (insert random celeb/rapper name here) in the metaverse.'." +0,,"05/01/2022, 03:39:26",chrissy_n9,Watching the Abercrombie doc on Netflix that reminded me of how much time teens spent hanging out at the mall back in the early 2000s. Do kids still hangout at the mall or are they hanging out online? This realization makes me a bit less skeptical of the metaverse conversation +0,,"05/01/2022, 03:39:22",character__B,You cannot have a Dueling Piano Bar in Metaverse Real Estate if the “land” cannot handle pro audio. +0,,"05/01/2022, 03:33:22",Cryptotrissy,"Big shout out to @JJangBang429 A lot of people were having mint issues inside @Metaverse_HQ including myself, he took hours of his time to walk everyone through their issues The real MVP" +0,,"05/01/2022, 03:31:53",spaghettiboyx69,"I’ll give the Otherside 2 years before this playable metaverse even comes out. If they’re talking about hosting 10,000 concurrent players in one room, with AI driven physics, this isn’t something going to be made in 6 months." +0,,"05/01/2022, 03:31:53",ConnNFT,I hope other Metaverse land starts blowing up this week like @arcadedotinc @themetroverse @nftworldsNFT @Worldwide_WEB3 +0,,"05/01/2022, 03:31:06",EazyEth504,Here’s your alpha: @flufworld and the metaverse they are building with @beyondvrgames is taking an appropriate amount of time. Do with this what you’d like. +0,,"05/01/2022, 03:30:13",MayhemNFT,"People fetishize the metaverse, without appreciating the original cynical framework of the term it was never a destination" +-1,can't believe,"05/01/2022, 03:25:49",theycallmeshwaz,i can't believe the metaverse is gonna look like florida +0,,"05/01/2022, 03:24:33",AlexisDracone,whats up with #itsvegasdave ‘s billion dollar virtual land holdings? Is The Vegas Dave Casino in the metaverse open yet?😂😂😂 +0,,"05/01/2022, 03:23:54",lhordkrane,Metaverse Land owner innit. +0,,"05/01/2022, 03:22:49",0xEndoFanera,BAYC MMO / metaverse is the last thing we need. +0,,"05/01/2022, 03:22:38",0xNachione,Is #OthersideMeta the next big metaverse? End of the road for the #Decentraland ?? +0,,"05/01/2022, 03:18:42",marto_gm,friendly reminder that if u burn 2eth in gas fees in the metaverse you also doing that IRL +0,,"05/01/2022, 03:16:56",michael_thangg,"It's such a shame for the gas wars. @yugalabs had a very hard task ahead. Many say that 1 limit per wallet would've been great. Apart from the high gas fees everything else went smooth the website, and the minting. And I think the metaverse is idea is really cool. But the gas" +0,,"05/01/2022, 03:16:26",nikil,"2012 16yr olds: ""Dad can you buy me a $12k honda civic"" 2022 16yr olds: ""Dad can I have $12k so I can buy animal internet money to buy a piece of digital land in a metaverse video game that is 90% for sure gonna be awesome""" +0,,"05/01/2022, 03:16:16",hikimberlymarie,If I don't have a koda i'm going to fling myself off a bridge in the metaverse. +0,,"05/01/2022, 03:15:50",Dealxyzbd,"Twitter will be more preferable, usable and beneficial then Facebook in near future actually twiter will be a big competitor of Facebook or so call metaverse some day! Actually Elon Mask is a business man he never like to be restricted by Facebook and Twitter policies and terms" +0,,"05/01/2022, 03:15:14",seyitaylor,"wait, so this is an L1/mainnet metaverse?" +0,,"05/01/2022, 03:15:13",EATOSHINAKAMOTO,A spider just ran across my bed and now spiders are banned from the metaverse +0,,"05/01/2022, 03:15:12",goodtweetgod,my brother’s gonna unionize the metaverse he said +0,,"05/01/2022, 03:13:29",Roothlus,There is zero chance I would have figured out what was wrong with my OtherSide tx tonight without @Metaverse_HQ. Very grateful to be a part of this community ❤️. And a huge shoutout to @kaikun26 for helping me sort out the issue! 🙏 +0,,"05/01/2022, 03:07:22",Kobe24px,Yuga doesn’t even have smart contract devs and you think they are gonna build a useable metaverse? +0,,"05/01/2022, 03:05:49",CatInKleins,what if we aped in the metaverse +0,,"05/01/2022, 03:04:51",ExileDAO,Thanks Gas for shafting me irl and in the Metaverse +0,,"05/01/2022, 03:03:26",wolf_rayet4,I feel like @yugalabs & @OthersideMeta squandered an amazing opportunity today - to onboard a large diverse community into their metaverse project to truly compete with @Meta .. +0,,"05/01/2022, 03:02:34",rxggietan,$100M in gas spent chasing the biggest metaverse drop ever. I feel like this could have been done more efficiently. #Otherside #ApeCoin +0,,"05/01/2022, 03:01:39",snedzy,How to onboard the next million users into the metaverse: Have you tried making it not gay +0,,"05/01/2022, 03:01:04",pdhooms,Feeling this otherside land is gonna murder some of the smaller unknown metaverse.. @OthersideMeta might create a gold standard of how the metaverse should be. Sucks for smaller projects trying.. it’s like Amazon vs some startup.. game over! @yugalabs insane @animocabrands +0,,"05/01/2022, 03:00:51",CryptoJimmybraz,"BAYC Metaverse 'Otherside' launched today, and some are on opensea! check the floor price already!! Who got one?? let me know!! @opensea @BoredApeYC @Otherside__Meta #BoredApeYachtClub #BoredApeYC #Otherside #OthersideLand #CryptocurrencyNews #DeFi #spacehost" +0,,"05/01/2022, 03:00:39",WatcherGuru,"UPDATE: BAYC has sold over $245,000,000 worth of digital real estate just 2 hours after launching their Otherside Metaverse." +0,,"05/01/2022, 03:00:00",Metavinvestor,To the moon as @Moonbirds rockets its price in an astonishing 7.38 folds after its mint selling last Saturday! From 2.5ETH up to 18.45 as per OpenSea is making a lot of money! Be always on the latest milking cow news by following @Metaverse Investor on YouTube and Twitter. +0,,"05/01/2022, 02:59:06",lowlylyricist,"The ideal Metaverse is a bridged ecosystem. Don't forget about Sandbox, Decentraland & others. They'll still have a strong presence." +0,,"05/01/2022, 02:57:53",spaghettiboyx69,Anyone have any guesses on when @othersidemeta will release a playable metaverse? +0,,"05/01/2022, 02:54:02",wenning67541187,"Meta Promotes Metaverse by Introducing Among Us, Ghostbusters, and More in VR . Ever since Facebook became Meta, we all know the idea was to focus on the concept of the metaverse. While it may take some time for the metaverse to..." +0,,"05/01/2022, 02:53:49",stonkyagraha,"I'm gonna call it right now. Within 5 years the metaverse (or verses) will be popular, but #meta and #otherside will be only exist as punchlines in hindsight." +0,,"05/01/2022, 02:49:51",ghost93_x,"So I just spent about 2ETH, 6k in gas fees alone to get some metaverse land fam. Oy." +0,,"05/01/2022, 02:45:52",ezeyofficial,People wan buy land for metaverse Omo onile gbe won la handicap.💔😂 +-1,"cannot, single, hyped, ever","05/01/2022, 02:45:17",real_n3o,"The metaverse race can now begin. I cannot think of a single example where the 'most hyped', 'most capital raising', 'pre-launch' project ever became #1 (in tech history)." +0,,"05/01/2022, 02:45:17",Megthorpeart,"The teamwork, knowledge and support thats being given RN in @Metaverse_HQ is like nothing i've ever seen. A special shout out to @JJangBang429 for helping me through the otherside drop tonight. 💕" +0,,"05/01/2022, 02:45:11",ProudMoolie,lol Yuga Labs just fucked the market for the rest of the year. For a shitty metaverse that nobody will use like all the others. Lol. good night. +0,,"05/01/2022, 02:42:35",chaoyu69101650,"How Metaverse Headsets Are Disrupting Display Technologies? . Display Supply Chain Consultants, a marketing research firm, reveals that demand for display technologies for displays used in headsets is triggered by the..." +-1,fuck,"05/01/2022, 02:41:16",frenchy_707,Fuck the metaverse. There I said it. +0,,"05/01/2022, 02:39:47",cheese_geeza,I feel like VRchat is a great glimpse into the future of the metaverse. I've been spending some time there and it makes me more and more excited about the future. +0,,"05/01/2022, 02:37:50",CL207,imagine if entire mkt just keep nuking and everyone is sad except bayc people they truly feeling happiness in their metaverse +0,,"05/01/2022, 02:35:46",huhohidk,OtherSide metaverse gives me Fortnite vibes. is this where they showcase interoperability for a possible collab? +0,,"05/01/2022, 02:34:18",PumaJawNFT,I have a feeling this mint process shitfest is going to be quickly forgiven/forgotten once we experience how badass their metaverse actually is. +0,,"05/01/2022, 02:31:05",Foobazzler,"Metaverse land is the new Loot craze lots of hype, promises, and expectations enormous challenges and few deliverables" +1,officially,"05/01/2022, 02:27:05",0xBriann,Officially a metaverse landlord. Rents due bitch +0,,"05/01/2022, 02:25:24",iguessiamt,Hello metaverse! 👋 +0,,"05/01/2022, 02:23:35",NoahCurran,"15,000 ppl had an extra $6000 to tack onto a $12,000 metaverse land purchase for the heck of it 🤦🏻" +0,,"05/01/2022, 02:12:18",r00k817,So there's pretty big news about tmrws metaverse podcast launch for @PsychoKittiesOG yet there's literally nothing posted about it by @Ugonzo_art or the @PsychoKittiesOG page today? WHERE IS THE TEAM? WHY ARE THERE NO NEW POSTS? 🙄 +0,,"05/01/2022, 02:11:47",0xSword,there is a prediction that voice capabilities in Otherside will take people away from twitter spaces into shared metaverse experience +0,,"05/01/2022, 02:09:26",anggi_permana,"Metaverse.,, why some government people act like it is gonna be something really popular or useful. Shoot I guess Indonesian salesman are really good. Or, is it those people are really dumb to notice it just for selling point 🧐" +0,,"05/01/2022, 02:09:01",kMwbSrUNjd6OZ3z,"LVMH eying metaverse, but focus on ""real products"", says CEO By Reuters . LVMH eying metaverse, but focus on ""real products"", says CEO." +0,,"05/01/2022, 02:05:05",bekircagricelik,yuga is great when it comes to PR but not so much when it comes to the tech side of things.. people getting rekt right and left rn trying to mint imaginary lands. creating an actually functioning metaverse will take a lot of tech & yuga is not giving me high hopes tbh. +0,,"05/01/2022, 02:03:18",ShiLian_JOB,"TerraZero Technologies Inc. Offers Corporate Update &amp; Business Development Amid Rapidly Growing Metaverse ... . PRNewswire/ - TerraZero Technologies Inc. (""TerraZero"" or the ""Company""), formed in early 2021, is a diversified, vertically integrated metaverse techn" +-1,"can't, porbably, trust","05/01/2022, 02:03:11",real_n3o,"If you can't trust monkey's to do basic math, probably can't trust them to build a metaverse." +0,,"05/01/2022, 02:03:08",xiaomai76409159,"TerraZero Technologies Inc. Offers Corporate Update &amp; Business Development Amid Rapidly Growing Metaverse ... . PRNewswire/ - TerraZero Technologies Inc. (""TerraZero"" or the ""Company""), formed in early 2021, is a diversified, vertically integrated m" +0,,"05/01/2022, 02:02:51",ceviche_guevara,"metaverse HOAs are going to be a thing, aren’t they?" +0,,"05/01/2022, 02:01:09",melomike_,"The golden metaverse ratio: builders/landowners. The closer to 1 you are, the better the chance you'll survive. Of course this ratio doesn't matter if you don't adhere to scarce land. Then you don't have to worry about such trivial things." +0,,"05/01/2022, 02:00:46",Rtfktmaxi,Dont worry @RTFKT will fix all when they drop their land/metaverse +0,,"05/01/2022, 01:59:16",bweidlich,We really need to stop trying to make the metaverse happen on L1 😔 +0,,"05/01/2022, 01:58:29",jonmzalewski,Lol at buying metaverse “land” +0,,"05/01/2022, 01:57:30",timidchainsaw,i like that you could argue the metaverse thing is like vr for old people. but when have you not seen a video of an old person using a vr headset and not looking uncomfortable while actively shitting themselves. +0,,"05/01/2022, 01:53:16",TrexProse,"People are paying $20,000 just to get the Detroit area equivalent of metaverse land #BoredApeYachtClub #Otherside #OthersideLand #OtherDeeds" +0,,"05/01/2022, 01:51:59",KLiebsMfer,"y’all realize that people paid almost as much as a current floor Azuki to get a piece of land in a Metaverse you’ll probably never play, right? Just let that sink in." +0,,"05/01/2022, 01:51:58",thirtyseventy_,hey zuck. u can make ur metaverse now. +0,,"05/01/2022, 01:50:39",XCOPYMAXPAIN,"So this Metaverse game @yugalabs is building requires $6k-$xxx,xxx+ buy-in. lmfao wtf is wrong in this world now @OthersideMeta So it's now a world built for the 1%...." +0,,"05/01/2022, 01:49:07",SuperFanComShow,so my store is a host to a ...weed thing...while im not for it it brings in new people who do buy stiuff and im pushing cheerwine on people....but there was a vendor was was trying to get me to into the metaverse how its so great... +0,,"05/01/2022, 01:48:24",buithanhtuan95,$blxm fucking dimond on mobility $husl shitting dimond on metaverse +1,"""better""","05/01/2022, 01:48:16",BobbyThakkar,"the metaverse is just a better version of the internet, let’s get it right this time" +0,,"05/01/2022, 01:45:38",WatcherGuru,"BREAKING: BAYC has sold over $100,000,000 worth of digital real estate 45 minutes after launching their Otherside Metaverse." +0,,"05/01/2022, 01:45:37",MDRichardson6,"This Is Sick! It's not reality, its tech manipulation. Reject this Facenook. META... BS Tech ""META MAKEOUT Metaverse KISSING now possible with tech that ‘sends sensations to mouth, lips and TONGUE’""" +-1,"""shook"", ""won't work""","05/01/2022, 01:44:14",Filamentalist1,"Metaverse won’t work until the experience can be 100% internalized inside the mind like a dream and will require something like Neuralink. Turns out tho, that sounds a lot like the experience of Inception and I’m shook…" +0,,"05/01/2022, 01:41:44",josephdelong,I thot yuga labs was making a disney type play in the metaverse. but it turns out they are going for high iq low effort rugpull mechanics +0,,"05/01/2022, 01:38:33",REALDEAL7786,ANDRE WON IN THE METAVERSE #UFCVegas53 +0,,"05/01/2022, 01:38:26",ATLcoffeeNFT,Hey @jarule congrats on your @OthersideMeta grab on secondary! See you in the Metaverse with @thingdoms :-) +0,,"05/01/2022, 01:38:09",cookingchief_,cool to have axs dumping faster than other metaverse token because you'll basically have an idea of where the bottom is +0,,"05/01/2022, 01:32:54",tuturueth,"You can be any gender you want in the Metaverse Ma’am, Mfs boutta be catfishing like a beeeeech" +-1,"""care less""","05/01/2022, 01:32:49",girthfingers,Unpopular opinion but I think the metaverse/digital land is a nothing burger. I could really care less about running around in some digital world. 1/ +0,,"05/01/2022, 01:31:54",bitcoinkang,miners the real metaverse +1,"""fall in love""","05/01/2022, 01:28:24",Pamdagoddess,I want a metaverse so bad 😩😩 the thought of it makes me fall in love with it over and over 🤍🤍🤍 +-1,"""runescape""","05/01/2022, 01:28:17",spencecoin,y'all looking for the metaverse but it's really just runescape +0,,"05/01/2022, 01:26:14",shibalution,"Inspired by Ryoshis vision of a “decentralized sovereign entity” for a better world, we set out to create a metaverse that could benefit everyone. Blockchain removes the barriers to financial opportunity for underprivileged in a world run by financial and social media giants." +2,,"05/01/2022, 01:25:42",JoelChadd1,Ayo...metaverse is officially here main stream with this otherdeeds mint +1,"""so big"", ""can find people""","05/01/2022, 01:22:41",javiercarton,"The metaverse is so big that we can find people with more similarities to us, unlike our physical world where personal relationships are more limited. What do you think?" +-1,"""nerds"", ""!!!!""","05/01/2022, 01:22:15",GusRogers69,METAVERSE=NERDS!!!!!! +0,,"05/01/2022, 01:21:15",judekickit,A plot of land in the Otherside metaverse is starting at $20K. +0,,"05/01/2022, 01:15:13",PleurerP,"Now may be a good time to grab some emperor's-new-clothes insurance for the current ""utility/metaverse"" grand promises. By buying Punks, Yuga may have already done so. (PS. Lots to be made on Otherside land and best of luck to the minters/traders!)" +0,,"05/01/2022, 01:14:59",zyshankaba,Think most gaming / metaverse needs another 70-90% drawdown in particular based on absurd FDVs. Let’s see if it happens (most are down bad already but those tops don’t matter). +1,"""slaying""","05/01/2022, 01:14:55",JakeAndBakeNFT,Metaverse HQ voice chat is absolutely slaying it right now with organized real-time updates on the Otherside drop. Proud of our community.💪 +1,"""great""","05/01/2022, 01:14:36",k_chable,"Metaverse could be great for things that we can't create in reality, like Jurassic Park. Imagine, we can visit a Jurassic Park" +0,,"05/01/2022, 01:14:31",jakewittman,"I guess the metaverse is spending $3k on gas and staring at a ""Minting in progress. Don't Refresh"" screen. Fun times." +0,,"05/01/2022, 01:13:04",Level1Level2,"OK, so maybe I was wrong and there will only be 1 metaverse @OthesrsideMeta" +1,"""change""","05/01/2022, 01:11:45",sergiopessoa,The truth is ppl are getting tired of social media! Something new must emerge. And that’s not Tik Tok. Perhaps metaverse can change that and perhaps Twitter. +0,,"05/01/2022, 01:09:34",RichSkiesYT,Can't wait for SHIB: The Metaverse! +0,,"05/01/2022, 01:05:54",taterdao,"The metaverse is hot right now. If we get an island we can create the TaterVerse. Basically like Fortnight, but on a real island." +0,,"05/01/2022, 01:03:19",Cheyalmamarie,9/11 in the metaverse +-1,"""yet"", ""less"", ""not the same""","05/01/2022, 01:00:32",LuckyPigNFTs,yall are waiting to buy land in a metaverse which doesnt exist yet from a multi billion dollar company i am google translating the twitter profile of a 1/1 artist with less than 500 followers i found to see if i should collect we are not the same +-1,"""conspiracy theory""","05/01/2022, 00:57:40",thewaether,new conspiracy theory. theyre killing all the old social media sites on purpose to get everyone into the metaverse +0,,"05/01/2022, 00:57:36",TheShamdoo,Yuga just told me that once you mint the Otherside you instantly teleport to the metaverse +0,,"05/01/2022, 00:55:56",MetaWizardETH,"Cost of Capital is the reason $META (Facebook) stock tanked… and $AAPL is next. I’ll post about *why* soon, but.. @Apple will be much riskier once it announces its plans for the shift from web2 to web3 (metaverse) and will likely tank shortly after it. Share your thoughts below" +0,,"05/01/2022, 00:55:48",NILFToken,Good luck to the Apes! 3D is the future of the Metaverse. LFG. #3DNFT #NFTMe #NFTCommmunity +0,,"05/01/2022, 00:53:39",SmokeHutCody,Hmmm what if... Somehow.... We could use our cets..... In the otherside metaverse.... But only after... Our cet experiences enlightenment 🤔 +0,,"05/01/2022, 00:49:56",0xSmokeyETH,We are making two purchases for the community this week: - Metaverse Land - Mirror Passes to Blue Chip discords #0xSocialClub +2,,"05/01/2022, 00:46:42",DjSterlingC,All my normie alcoholic friends canceling their Saturday plans to mint metaverse land. We’re early. +0,,"05/01/2022, 00:46:08",richard72214089,Looking for a new P2E and a good metaverse??? +0,,"05/01/2022, 00:43:09",logieberra10,If you're paying attention... this craze today with the Otherside land sale is setting the benchmark for demand for land in digital real estate. More bullish and excited than ever for @keys_token Metaverse and @MetaMansionsNFT +2,,"05/01/2022, 00:42:23",AmirSignart110,my metaverse wallet 0x95b23a7f69a254b6c4006f2eccb4abcd3bc258d9 +-1,"""more utility""","05/01/2022, 00:40:31",mosobande,There is more utility in an augmented reality than a metaverse. Probably easier to accomplish with currently available technology and has the capacity to scale into everyday life. +0,,"05/01/2022, 00:39:00",0x6ixty,"Otherside is a gamified, interoperable metaverse currently under development. The game blends mechanics from massively multiplayer online role playing games (MMORPGs) and web3-enabled virtual worlds. Think of it as a metaRPG where the players own the world" +1,"""should""","05/01/2022, 00:36:56",SECdefendant,They should make MetaVerse but in person +0,,"05/01/2022, 00:33:15",AlambabaHQ,"you are aping metaverse land, i am shutting down every major blockchain and exchange at once so i can liquidate you all. we are not the same" +0,,"05/01/2022, 00:30:03",holycryptoroni,excited to add yuga metaverse land to my other metaverse land holdings that are valuable and useful for [redacted] +0,,"05/01/2022, 00:23:34",tellurianangel,"In the Metaverse Bible, Jesus Christ is a metaphor for hanging ribs slathered in Sweet Baby Ray’s barbecue sauce." +0,,"05/01/2022, 00:17:49",Tom40591965,"To Almost Everything: The Metaverse Debate Explained . Since its inception, the Fortnite metaverse has grown into a vast network connected to just about everything. Over the past few years, Epic Games' Battle..." +0,,"05/01/2022, 00:15:42",akirentxt,"You're human, no two ways about it. Once we find the people abusing the metaverse and learn Mementos secrets, this world will be better for everyone. And You... will return to normal." +-1,"""difficult""","05/01/2022, 00:13:28",real_n3o,Facebook's metaverse so low-fi. Difficult to differentiate between S and Z. +-1,"""spend time""","05/01/2022, 00:11:43",uiuippa,How long hours human being gonna spend time to stay in metaverse? +1,"""interesting""","05/01/2022, 00:09:50",ilinnuc,"In it's current form, the metaverse is bad... but It's potential as a concept is really interesting. Even the ""play to earn"" mechanic idea is interesting. In 2022 it's DOA... in 2025? May be a different story completely." +0,,"05/01/2022, 00:05:13",i11m4t1c,$fitfi do the homework on the new metaverse fitness wave... Easy 25x if it runs like $gmt marketcap +1,"""fun""","05/01/2022, 00:03:46",punk4156,the metaverse is a lot more fun if u live in brooklyn +0,,"05/01/2022, 00:01:16",68_jabu,ApeCoin is currently worth more than 1/5 of ADA. It's an ERC-20 token that was airdropped to BAYC holders just a couple of weeks ago and it's meant to be used in a metaverse that's not built yet. What even is the cryptomarket? Can be frustrating to be an ADA maxi 😐 +0,,"04/30/2022, 23:58:56",UPunk3591,the game is : who control the metaverse. @yugalabs have already started to consolidate by acquiring their competitors ( @CryptopunkNFTs and @MeebitsNFTs From @larvalabs ). What next? Meta is going to buy @yugalabs or viceversa ? +0,,"04/30/2022, 23:55:54",tiny_pubby,I want FromSoft to be the next bunch of idiots to try and make a metaverse. Can you imagine avatars made with the elden ring character creator? +0,,"04/30/2022, 23:54:07",BigBharp,"In traditional real estate, the 1st 3 rules are: 1. Location 2. Location 3. Location In Metaverse real estate, the 1st 3 rules are: 1. Community 2. Community 3. Community The question isn't: Where's the party at? WE ARE THE PARTY 🥳 Quote credit: @loudmouthlion" +0,,"04/30/2022, 23:52:52",AshleyDCan,can you even call yourself an alpha male if you don’t have alpha land in the metaverse +0,,"04/30/2022, 23:51:15",ThinTallTosin,Shey omo onile dey metaverse? 🧎🏽 +0,,"04/30/2022, 23:50:41",remu0671,This is Umer Qazi. Thinking to move to the metaverse to connect new avatars. #letsconnect +0,,"04/30/2022, 23:49:01",JBDuryea,"Can we give the Democrats, progressives and liberals a little play sandbox with plastic toys to play in? They won’t ruin our schools, economy and lives and they can feel like they’re in charge of something. Or stick them in the Metaverse with working class NPCs to torture?" +0,,"04/30/2022, 23:48:29",donktronic7000,They have me cryogenically frozen in the metaverse because I tried to overrun Elon musk’s emerald mine +2,,"04/30/2022, 23:36:35",FilmBrief,"The way I see the metaverse - space will be unlimited and cheap, rendering will be customizable but with a possibility to match graphically a representation of reality as seen by 'normal' human vision. Experience will be through direct brain stimulation. Like a lucid dream." +0,,"04/30/2022, 23:35:21",dshiao,The metaverse and Web3 are not the same thing! Just read a business article that equated them. +0,,"04/30/2022, 23:28:23",morganabot_,"(PLOT) As a Phantom Thief, Morgana takes on the role of being their guide, leading group meetings and decision-making. His connections to the Metaverse grants him natural understanding of its functions and mechanics, a vital tool for traversing through the other world." +-1,"""QAnon""","04/30/2022, 23:25:53",TomO94989478,The same mom that told her kids to not sit too close to the TV is now leading virtual reality QAnon meetings in the Metaverse. +-1,"""........""","04/30/2022, 23:18:17",MR_BERT_META,We are transitioning from web 2 to web 3 then to the Metaverse...... +1,"""obvious""","04/30/2022, 23:15:36",ceoofthishousee,Buidling a metaverse brand or working for a metaverse brand should be obvious at this point. +0,,"04/30/2022, 23:15:30",macvelli,"I can tell you why @Meta spent $20 billion on VR with nothing to show for it - Very niche application - Clumsy inputs Sure you can virtually climb Mt. Everest but then what? The metaverse will never be as good as reality. You can't touch, taste or smell the metaverse" +0,,"04/30/2022, 23:14:45",MR_BERT_META,"We have to transition from web2 to web3 before we can think about making an impact in the Metaverse, but who's talking about this?.....web3 is the doorway for any project to operate in the Metaverse, just my opinion..what do you think?" +0,,"04/30/2022, 23:14:42",EtronixNFT,Someone describe the Metaverse to a 10 year old +0,,"04/30/2022, 23:12:03",cryptophantom13,"in wake of yuga labs big money land mint, $sand and $mana are getting absolutely destroyed up for some extremely cheap grabs on both metaverse lands" +0,,"04/30/2022, 23:11:01",evantan,i've been in LA but have been so jetlagged the past week i barely did anything. can't wait til there's no more jetlag in the metaverse one day! 😂 +0,,"04/30/2022, 23:05:51",CorporateCoali1,WE JUST BOUGHT METAVERSE YOU JUST GOT ZAMNAZON'D ALPHABET'D AND EVERYTHING YEAH SLAY GIRLBO$$ L + RATIO $$$$$$ +-1,"""bahahahaha""","04/30/2022, 23:05:18",realMeetKevin,Mark Zuckerberg thinks I'm going to spend money on expensive clothing in the metaverse. bahahahahhahahahhaha #nakedMeta here I come. +0,,"04/30/2022, 23:01:12",juuliuscheeser,"Me in the retirement facility drooling into my bug pudding, trying to explain vaporwave to my great grandkids while they ignore me and fingerbang sexy trans cthulu in the metaverse" +2,,"04/30/2022, 23:00:19",MattDoogue,Is the metaverse infinite? +0,,"04/30/2022, 22:58:13",real_alethea,"Saturday night but set in your fav (and only) intelligent metaverse, Noah's Ark" +0,,"04/30/2022, 22:57:00",theyetiNFT,kinda gotta envy those outside enjoying the day not realizing degens be in their metaverse world looking for kodas. happy Saturday Yetis! +0,,"04/30/2022, 22:56:48",kMwbSrUNjd6OZ3z,"ICYMI: Retail Brokerage Giant Fidelity Enters Metaverse in Search of Young Investors - Latest Tweet by . The latest Tweet by Reuters states, 'ICYMI: Retail brokerage giant Fidelity enters metaverse in search of young investors,..' ICYMI: Retail Brokera" +0,,"04/30/2022, 22:52:34",bndaughety,Remember when Travis Scott had a concert in Fortnite and everyone freaked out? Guess I should’ve been more bullish on the metaverse back then 🤣 +2,,"04/30/2022, 22:51:41",CryptoOcho,"Digital land in the metaverse will be store fronts, malls, entertainment or educational centers accessible to all thru the blockchain" +-1,"""don't want it""","04/30/2022, 22:49:54",5479Drone,"Listen, I know Zuck wants to keep reinventing the wheel, but until I can dance in Facebook Metaverse like a @cinnamonvector K-Drone in a rave collective, I don't want it." +0,,"04/30/2022, 22:44:27",shiqi84084285,AC Milan - Fiorentina will be first match broadcast in the Metaverse . Lega Serie A announce a new exciting milestone: AC Milan - Fiorentina will be the first football match broadcast in Metaverse. +0,,"04/30/2022, 22:42:43",kMwbSrUNjd6OZ3z,"How Fortnite is connected to pretty much everything: The metaverse debate explained . Since its inception, the Fortnite metaverse has grown to be an expansive network that is connected to pretty much everything." +0,,"04/30/2022, 22:39:04",crypto84279692,"RACA 3 yr project. Metaverse ✅ USM ✅ Low market cap ✅ P2E game with supply burnt ✅ 80%+ down from ATH ✅ Big names involved- Warren Buffet Grand-daughter, Maye Musk (Elon’s Mum), French Montana. TBC - Kanye and Cz Binance. Listen on Kucoin etc. #Binance incoming?" +0,,"04/30/2022, 22:38:33",Caucasusfund,"How Fortnite Is Connected To Almost Everything: The Metaverse Debate Explained . Since its inception, the Fortnite metaverse has grown into a vast network connected to just about everything. Over the past few years, Epic Games' Battle..." +0,,"04/30/2022, 22:38:16",docmaruki,"cognitive science is actually quite fascinating. even without the metaverse, it's such a vast and interesting field..." +0,,"04/30/2022, 22:31:59",classicmitchup,voice chat is such a vibe today @Metaverse_HQ ♥️ +0,,"04/30/2022, 22:31:11",PepperPetey,Finally! I am a Metaverse Slumlord in the world of @GaiaEverWorld! Sure it wasn't without its hiccups but this team is dedicated to fixing all problems. That's saying a lot these days with tons of projects dying left and right. I'm very hopeful for the success of this game! +0,,"04/30/2022, 22:29:13",clintonoye,"I’m more interested in a search engine for the Metaverse(s), using @readyplayerme avatar configuration and a space saucer to create some crazy virtual reality UX. Sadly everyone is busy building parallel Metaworlds" +-1,"""don't want""","04/30/2022, 22:24:57",katrynad,I don’t want to be in the Metaverse. I want to be in the Mediterranean. +-1,"""boring""","04/30/2022, 22:20:15",thirtyseventy_,metaverse is boring. numbers are forever +0,,"04/30/2022, 22:16:18",YogeeYancy,We Showing up in the metaverse tonight 6 PM PST @VisionsCinema - @takaitheartist Showing #REBIRTH our #FilmNFT +0,,"04/30/2022, 22:12:20",realadamhorne,Walmart is no the metaverse. +0,,"04/30/2022, 22:04:35",Abner6935,Mark Zuckerberg reveals Matrix-style ‘metaverse app’ where you build entire CITIES for virtual minions... . MARK Zuckerberg is giving people the power to rule over their own world in the metaverse with the launch of a new VR app.The Matrix and Sims-styl +0,,"04/30/2022, 22:01:29",dacheng96948902,"Facebook Compared to Yahoo Amid Metaverse Pivot, Stock Struggles . Facebook's unsure pivot to the 'metaverse' and challenges like executive departures and a low stock price have many comparing the company to Yahoo." +-1,"""lame""","04/30/2022, 22:00:22",crystalar99,"The metaverse is just playing Minecraft with friends using Discord. Except it's supposed to be real places, corporate, and you can't build anything. Sounds pretty lame." +1,"""believe""","04/30/2022, 22:00:10",PhilanthropyGal,The thing that makes me believe in the Metaverse most is Paris Hilton has named herself queen of it. +0,,"04/30/2022, 21:55:54",shiqi84084285,"Tower 26 Venture Fund Raises $50M for VR Games, Metaverse: Report . The fund is led by a veteran game investor, and former studio executive Jon Goldman." +0,,"04/30/2022, 21:54:23",index_and_chill,Buffet is big on the metaverse. $atvi +0,,"04/30/2022, 21:53:04",vv23_CT,Metaverse moves !!!! +1,"""nobody knows""","04/30/2022, 21:51:24",seth,in the metaverse. nobody knows you are an asshole. +0,,"04/30/2022, 21:50:35",0xDrecks,I heard some apes are selling some land? Haven't seen anything at all about this on Twitter .. can someone fill me in .. what's a Yuga and what's a Metaverse? +0,,"04/30/2022, 21:49:24",tuckmeta,metaverse sex will eventually have e thots plotting to trap you for your metadata +0,,"04/30/2022, 21:47:10",Stoniphantom,You can’t fade BAYC when they’re dropping a whole ass metaverse to be universal and inclusive. Actually thank you for doing this and thank you for allowing others to be part of it too when you could of kept it yourselves. Gang gang you apes bro’s +0,,"04/30/2022, 21:46:36",AaronSage,What’s my thoughts on @OthersideMeta? I think it will be THE METAVERSE for projects to build on (similar to Sandbox & Decentraland). It will definitely be a great buy. Yuga Labs has the resources to surpass their metaverse competitors. The potential here is literally limitless. +-1,"""wtf""","04/30/2022, 21:43:55",brandontour,Someone just asked my lady to 👉🏽👌🏽in the metaverse. People are wild. Wtf. And they literally did that hand motion 😡 +-1,"""isn't it 2022""","04/30/2022, 21:38:58",alien_research,"Why does the ‘metaverse’ look like early Sims, Minecraft and GTA? Isn’t it 2022? #ADA #Cardano" +-1,"""mazerunner""","04/30/2022, 21:35:28",Thawedit,The q metaverse is going to be like the real mazerunner +0,,"04/30/2022, 21:33:25",kmoney_69,OH YOU WANT TO BUY LAND FOR THE “METAVERSE” TODAY??? HA! OKAY BOZO! I WANT LAND TO BUILD. - @NFTLlama +0,,"04/30/2022, 21:29:44",knuxponential,"imo @OthersideMeta is NOT the best metaverse in development, but it is the one with the most hype, attention, & brand strength There is no one “metaverse” Web3 = all of us building together 🐰🤝🦍 Regardless, today will be historic for this space See ya on the Otherside!" +0,,"04/30/2022, 21:23:20",0xErick,"Meeting some the new people on my childhood block reminds me of how much solidarity Jewish and Indians people show in NY. I could care less for metaverse homes, when the communities of color are being pushed out in real time due to gentrification and red lining." +0,,"04/30/2022, 21:19:43",yuzhu74223509,"Habbo X NFT-based hotel will debut later this year . Sulake is diving into the metaverse with a plan to launch a new, fully integrated web 3 Habbo server, dubbed Habbo X." +0,,"04/30/2022, 21:19:14",_ATMKev,Might cop some Duśse and hit the casino in the metaverse tonight +0,,"04/30/2022, 21:17:28",THEKONGKID,Congrats to everyone minting the most valuable land in the metaverse. lucky bastards +0,,"04/30/2022, 21:16:51",Kukukachoo62,"LRC is PayPal and GME is Ebay, but for Web 3.0/metaverse #GME #LRC" +0,,"04/30/2022, 21:15:10",mervmacdo,Imagine a metaverse world with “scalable” number of players in the same world. 600 players? 1000? 5000? Just imagine? @CritterzNFT +1,"""communicate""","04/30/2022, 21:13:30",dacheng96948902,"Luxury brand Hermes considers metaverse as means to communicate . Hermes is considering using the metaverse for communications although the maker of Birkin bags and other luxury goods remains focused on craftsmanship,..." +0,,"04/30/2022, 21:09:36",shanzi73338680,Why the metaverse is a user experience challenge for brands . Marketers will need new skills because designing assets and interactions for 3D is complex and new to most users. +0,,"04/30/2022, 21:09:00",brandontour,Lmao @GabbySidibe is telling me about her experience in Horizon Worlds metaverse and I’m dead 🤣🤣☠️ +0,,"04/30/2022, 21:08:19",meiling13316644,"Blockchained India and Blocumen Studios announce Init (Metaverse): DeFi Bytes . Blockchained India and Blocumen Studios are excited to announce their meetup, Init(Metaverse): DeFi Bytes, slated for April 22, 2022, from 5:00 pm IST at..." +0,,"04/30/2022, 21:03:56",tegacrypt,Would be fun to get WL for The first AI-generated cities ever created in the Metaverse @PholusNFT 🔥🔥🔥 +0,,"04/30/2022, 21:03:37",MRMILLI0NAIRE,"Mfs be willing to spend 6 figures on metaverse land, but got holes in their boxers & socks.." +0,,"04/30/2022, 21:02:55",speakoutzin,Avatar 2 Way of the Water... Ready to pave the way to Transhumanism and Metaverse propaganda. Expect this movie to be pushed hard by all media outlets to get ppl to go see it. +0,,"04/30/2022, 21:02:17",neet54123,"How are so many multi billion dollar business conglomerates so stupid when it comes to understanding what the ""metaverse"" is and how people actually use VR?" +1,"""excited""","04/30/2022, 21:02:11",Bigaller16,I want the metaverse to become optimized already. Im so excited for the possibilities +0,,"04/30/2022, 21:00:50",anqi81956872,Opportunities in the Metaverse and How Investors Can Get Exposure to It . Global X ETFs Research Analyst May De joins Jill Malandrino on Nasdaq TradeTalks to discuss opportunities in the metaverse and how investors can get... +0,,"04/30/2022, 21:00:04",enterprimal,"More than a vision of the future, #PRIMAL is the future of gaming, web3 & the metaverse. It’s a wild world, and we haven’t even scratched the surface. Yet. What’s got you most hyped about #PRIMAL so far?" +0,,"04/30/2022, 20:52:11",cryomeariver,A Sponsored Ad told me that deodorant is fighting for more inclusiveness in the metaverse.. the oppressors of pheromonal intrigue stepping up to claim the hearts and minds of the people by keeping them nose blind. +0,,"04/30/2022, 20:50:13",TheLifeUnknown,"Moonbirds was the blow off top for pfp projects. Birds, and now the otherside steers the ship towards metaverse projects. Many pfp projects, very few strong metaverse plays. Demand will be wild. 🐰 🚘 🐺" +0,,"04/30/2022, 20:44:03",mrabysma1,"Hey, @CryptoGarga @GordonGoner and @TomatoBAYC, will creators outside of @yugalabs be able to create/sell assets for the Otherside Metaverse?" +0,,"04/30/2022, 20:40:32",StockandmoreCom,"Meta to launch metaverse hardware store, Elon Musk buys Twitter for $44B and ApeCoin pumps to new highs: Hodler’s Digest, April 24-30 #cointelegraph #blockchain" +0,,"04/30/2022, 20:36:01",fonkydonk,A mind-blowing theory on The Other Side and why everything you know about @yugalabs big new metaverse is entirely wrong… 🧵👇 +1,"massive, big, paradigm, shift","04/30/2022, 20:35:26",max_nguyenTH,I think @OthersideMeta metaverse land sale is the mark of a massive big paradigm/narrative shift. It shows how progressive the space have become and show the proof of a maturing asset class/industry (however you call it lol). What I am excited the most is it’s built +0,,"04/30/2022, 20:34:18",metaSKINZ,web3 Report Card Name: Krafter exceeds expectations: ✅ building businesses ✅ designing avatars ✅ entering the metaverse needs improvement: ❎ making degen plays ❎ paying attention to yuga ❎ maintaining liquidity +0,,"04/30/2022, 20:31:03",NotZainAgain,Got a kyc wallet but don’t think I’m gonna mint. Really rather just save my funds for the HAPE metaverse drop tbh +0,,"04/30/2022, 20:30:21",chaoyu69101650,"Italy's Serie A enters the Metaverse to showcase new way to watch soccer . Serie A attracts audiences from across the globe, but how fans can view matches is changing, as Italy's top soccer division enters the Metaverse." +0,,"04/30/2022, 20:30:12",Helloimmorgan,Anons be offering their kidneys for Kodas and selling their houses for Metaverse Land +2,,"04/30/2022, 20:28:21",nnnnicholas,the meta is the real metaverse +0,,"04/30/2022, 20:26:00",transaccionETH,Ppl fight over collections. We are the number to their art/service/utility. We the base of the metaverse sers. 🤝💯💎 +-1,"""forget the metaverse""","04/30/2022, 20:17:05",SynapseTruth,"forget the metaverse, i wonder if we'll ever get to the point when the rich start having hologram avatars of themselves walking around society while us normal people ""have to"" live and work daily lives." +0,,"04/30/2022, 20:16:46",MrFredoSix,"Guys!! I cannot stress this enough. If you’re looking for metaverse land that’s playable on almost any device, my best recommendation is @CritterzNFT ‼️ Devs are always hard at work, bringing new features to the critterz metaverse! The utility is crazy. $BLOCKS" +0,,"04/30/2022, 20:14:32",dburgar,No one person or organization will own the Metaverse. +0,,"04/30/2022, 20:11:22",KevinRyanComedy,Is there Wawas in the Metaverse? +-1,"""weird""","04/30/2022, 20:11:17",realajani,This generation needs to get outside walk on grass and touch trees. Metaverse is weird af. +2,,"04/30/2022, 20:08:44",SajadHameed_BH,"People often think metaverse is all in VR. It's actually you using any digital screen device. Whether it's watching a movie, chatting with someone, or playing video games. You all find satisfaction and get some kind of dopamine which is very hard to unhook from." +2,,"04/30/2022, 20:08:41",DonXBT,Is it still cheating if its in the metaverse? +0,,"04/30/2022, 20:05:17",indiemonkes,thugmonkez invented metaverse sex +0,,"04/30/2022, 20:02:44",dacheng96948902,"What challenges does the metaverse pose? Developers say data privacy security, disinformation &amp; hate s... . According to a study, surveyed developers pointed to data privacy security, disinformation and hate speech as the most potent challenges of t" +0,,"04/30/2022, 20:01:44",WJB_News,"What challenges does the metaverse pose? Developers say data privacy security, disinformation &amp; hate s... . According to a study, surveyed developers pointed to data privacy security, disinformation and hate speech as the most potent challenges of the metaverse." +0,,"04/30/2022, 19:57:51",0xLawyer,"the metaverse and all of web3 is just another stage in the globalization of not only goods and services but also people (just like how social media has been); it’s nothing new, just better technology" +0,,"04/30/2022, 19:51:39",Gamejoans,"""good. But about play to earn, easy + not take many time, Zombie World Z also good for you, just need 30- 1hour a day and ROI 20 days. Easy not mean not fun, game really attracting by boss mode. See in youtube, they tested metaverse mode too. ."" I love bots" +2,,"04/30/2022, 19:47:01",0xyourfren,"I think the future of a mass adopted metaverse is free land, no?" +-1,"""assaulting"", ""raping""","04/30/2022, 19:44:26",ashhTre_,Man so they’re sexually assaulting and raping people in the metaverse??? +0,,"04/30/2022, 19:43:42",nicolexcaba,"Feel like I have a split life. 🖖 On FB, my feed is filled with bachelorette parties, weddings and baby gender reveals… 💒🤱🏽👰 While here on Twitter, it’s all about launching a startup, showing off your domains and MRR. 🚀💰📊 What’s happening in the metaverse?" +1,"""bigger""","04/30/2022, 19:41:42",punk6529,"The metaverse is not VR, it is a much bigger idea." +2,,"04/30/2022, 19:40:00",assprintz,You're a metaverse land baron. I'm a land baron. We are not the same. +0,,"04/30/2022, 19:39:34",tridder46290,I don't understand people that question yuga labs' decisions... Do these people not realize they made monkeys? Then airdropped booger monkeys? Then a shitcoin? Now they're doing something nobody else has ever thought of and dropping Metaverse land. Grow up fudders. +0,,"04/30/2022, 19:37:10",Towtruckwags1,Hello twitter. Is this where I complain about stuff or do I give uplifting inspirational words of wisdom? I’ll be on the metaverse for the day enjoying my day off. Stay safe! +0,,"04/30/2022, 19:32:50",Peanug420,the goal for my upcoming collection is to gamify fine art. the utility is the story and the decisions one can make on their adventures. - nostalgia 🕹️🧙♂️ - story driven 📖 - decisions: consumables and more 🧪 - metaverse utility out gate 🖥️ +0,,"04/30/2022, 19:32:37",IkebanaNft,"Shout out to the buidlers inside on a Saturday, like me, making the magic happen🦾🚀 Every single day the last 3+ months😵💫grinding on this and it's still fun 😀😊 Following my vision of max beauty for th metaverse 🌸" +1,"""much better""","04/30/2022, 19:30:18",punk6529,"The metaverse is going to be the internet, but much better. We will all use it, all day long. That is why it is critical to get the architecture right now." +-1,"""break it""","04/30/2022, 19:25:44",divine_economy,"sorry to break it to everyone, but the real estate of the metaverse won’t be spatial but—already is—temporal. the real estate of the metaverse is our attention." +2,,"04/30/2022, 19:25:28",HDPbilly,If you need dancers for your metaverse party reach out to me +0,,"04/30/2022, 19:21:52",shanzi73338680,"What metaverse means for influencer marketing . For established influencers, the metaverse appears to be an opportunity to evolve on their digital journey alongside their new digital twin, where they can..." +0,,"04/30/2022, 19:16:12",SJW75,"The tough part of writing a book on Voice Marketing is that while the manuscript is out for peer review, I’m already rewriting. Two areas primed for updates: role of metaverse (and getting ready for it) and custom assistants. #MarketingStrategy #VoiceFirst" +0,,"04/30/2022, 19:13:54",WJB_News,"You'll Soon Be Able To 'Kiss' In The Metaverse, Thanks To This New VR Headset . Metaverse has been touted as a virtual world where people will be able to live out their dreams and fantasies. To that end, scientists have developed a..." +0,,"04/30/2022, 19:10:21",__derf3lix,A metaverse will only exist when individuals own their own digital property. +0,,"04/30/2022, 19:10:19",blakemoser,vibe > metaverse It’s all about fun and relationships. +0,,"04/30/2022, 19:09:41",meiling13316644,"Metaverse: Shaping India's Future? | Decoding Meta's 10 Year Plan | India Growth Mission . On this special edition of India Growth Council, we are joined by Ajit Mohan, vice-president and managing director of Meta, India." +0,,"04/30/2022, 19:09:24",judekickit,"Just waiting to see what ApeCoin metaverse, the Otherside gonna look like 👀" +0,,"04/30/2022, 19:08:18",ayesha_afzal24,Hi What do you think about metaverse?? #letsconnect #hishamsarwar +0,,"04/30/2022, 19:06:34",GoodTexture,pay attention to what they do not what they say possible that population control is a psyop what's the point of metaverse if extermination is the plan? more people means more loosh farming +2,,"04/30/2022, 19:06:27",metanesss,Imma be a landlord in the metaverse before real life 😂 +0,,"04/30/2022, 19:06:05",Cleopatra_009,Metaverse 😝😝😝😝 +-1,"""control""","04/30/2022, 19:04:40",Ordinary_addict,"Are they wanting to lock us down with COVID/crime fears to make us work/shop from home, socialize at home; so that we enter the “metaverse” to live, therefore reducing the carbon footprint? They want us to live online and therefore can control what we see, what we think?" +-1,"""even"", ""sticking""","04/30/2022, 19:03:56",Janusrecapital,Do Gamers Even Like Facebook's Metaverse? . The social giant is sticking to its bet on the metaverse. +0,,"04/30/2022, 19:03:56",pro2tect,"Huge shoutout to all of the people who have IRL farms, land and real estate before they buy land in the metaverse ! 💪🏽🌱♻️💯 #NonFungiblePlanet" +0,,"04/30/2022, 19:00:24",JuniorPunksNFT,Yuga Labs have launched the Otherside today. Only time till the Junior Punks takes over their metaverse 👀 +0,,"04/30/2022, 19:00:15",animalconcerts,Touring virtual cities or training employees? Maybe digital e-commerce or virtual ads? What industry could see spectacular growth in the Metaverse? +0,,"04/30/2022, 18:59:23",wallstreetpro,"I love this. What is the difference between Facebook's Metaverse vs. the old Second Life? ""Second Life was as the name suggests an adjunct to the real lives of people. The Metaverse is largely touted as a place for those with no life."" 😄" +0,,"04/30/2022, 18:56:58",qwertxzy,Lmao anyone remember the metaverse +0,,"04/30/2022, 18:56:38",SocietySafeMoon,#APECOIN metaverse launch tonight man can’t wait to see the charts! +0,,"04/30/2022, 18:55:08",xiaojiuwo8,"Animal Concerts Is Taking Over the Music Metaverse, Complete With a New Song From Snoop Dogg and Billy Ray Cyrus . Animal Concerts is creating next generation experiences for concerts online and in the metaverse! Since its token launch on the March 29, ANML has been." +0,,"04/30/2022, 18:52:14",CryptoNftMaven,"Yuga Labs is about to sell $300 million in the metaverse land. Up to 55k plots of metaverse property ""Digital Deeds"" lets go!!!! 🔥💯🔥" +0,,"04/30/2022, 18:50:17",caoning11,You’ll soon be able to SMELL in the metaverse – including virtual FARTS... . A METAVERSE without smells would be like living in black and white -and even the bad ones like body odour and farts have an important place.That's acc. +-1,"""end""","04/30/2022, 18:49:44",Eron91625647,End metaverse for everyone in the entire universe +0,,"04/30/2022, 18:47:47",rydanley,"1/2) The LunaOne (XLN) pre-distribution period is over. Now comes 90 days of public distribution before metaverse launch with each token costing $0.25 and beginning with a 30% bonus (bonus will decrease every three days). It’s going to be magical by year end, so go get some!" +0,,"04/30/2022, 18:46:35",tripphudgins,"So, we have Facebookistan which is located in the Metaverse. What is Twitter? Is it a -ville or a -berg? A -polis? Twitterpolis might work. What would Elon do? #WWED" +0,,"04/30/2022, 18:44:34",0xSeraph_,"On the eve of @OthersideMeta and the Yuga metaverse, a quick thread on why, for the health of the industry, we'll need other projects to achieve similar levels of success as Yuga. I may get a lot of heat for this, but I'm trying to be objective. So bear with me here... 🧵" +0,,"04/30/2022, 18:44:31",Perry_onn,"10 Ways the Metaverse Will Change the World . Hold on—most people don't even know what the metaverse is. Here's a little backstory, plus some Metaverse 101 thrown in for good measure. The word metaverse..." +1,,"04/30/2022, 18:43:20",orangie,Today many people will get rich from buying Virtual metaverse land. (@OthersideMeta) Be one of those people. 💯 +0,,"04/30/2022, 18:42:03",StarbirdCapital,Soccer-Italy's Serie A enters the Metaverse to showcase new way to watch soccer . League leaders AC Milan's clash with Fiorentina on Sunday at the famous San Siro stadium will be the first soccer match to be broadcast where fans in Africa... +0,,"04/30/2022, 18:40:08",nanjian14,"Meet a metaverse mega-landlord that's spent millions on real estate in 10 virtual worlds, hosting fashion shows and,.. . The Metaverse Group owns large swaths of virtual land in various metaverses. It's not just a landlord — it has developers who can build spaces." +0,,"04/30/2022, 18:39:30",trappncrypto,Anyone else burnt out on all this metaverse talk +0,,"04/30/2022, 18:38:07",xiaomai76409159,Radio Caca (RACA) Announces French Montana’s Official Metaverse: 2D CASA . Radio Caca (RACA) has announced the official release of their 2D metaverse in partnership with rapper French Montana. This will be the first metaverse in... +0,,"04/30/2022, 18:37:26",Yosta_Banana,"Can I declare myself as 1st ever thief of Metaverse?? I have looted good items from dozens of bases in @nftworldsNFT $wrld p2e server... 1st theif on a p2e minecraft server Woala woala woala (Come on, people leave unclaimed lands)" +0,,"04/30/2022, 18:34:38",RuibenNFT,LFG GOOO. BAYC METAVERSE #BAYC #Otherside +0,,"04/30/2022, 18:32:22",Perry_onn,"ife: Welcome to the metaverse, the next frontier in filmmaking . The metaverse is a ""vast virtual world"" in which millions of users can socialize using avatars. Filmmakers and entertainment companies alike have recognized..." +2,,"04/30/2022, 18:32:19",djabatt,Pls ask the people that you see on panels that are talking about Metaverse ask them if they: a. been in then metaverse b. have they made a metaverse app of any kind. If they haven't then ask them why are talking about Metaverse. We need makers talking not fakers +-1,"""really think""","04/30/2022, 18:30:11",VMele3,Does anyone really think Facebook/Meta should be running the “Metaverse”? +0,,"04/30/2022, 18:27:07",real_n3o,Easy to make a PFP. Harder to make a 3D PFP. Extremely hard to make metaverse land. +0,,"04/30/2022, 18:27:05",hadas_dor,I am setting an alarm to get up at 4am on a Sunday to mint a piece of @OthersideMeta land in the Web 3.0 metaverse. 2021 me wouldnt have had a clue why or what any of this means +0,,"04/30/2022, 18:26:32",caoning11,". Yuga Lab's ApeCoin hit record highs just days before the ""Otherside"" metaverse opens its doors for sale tonight at 9:00 PM ET. Whether you're cleared to..." +0,,"04/30/2022, 18:25:39",niftytime,"been speaking with a legend who ran with basquiat, haring, warhol and all the rest. they see the metaverse like 1980s NYC. broken in a lot of ways sure, but bursting with insane creative energy and amazing artists. the metaverse is just a click away and open to everyone though." +0,,"04/30/2022, 18:20:13",Conquant,who's ready to be a metaverse slumlord with me? +0,,"04/30/2022, 18:17:24",Janusrecapital,"Metaverse play Unity Software has fallen 62% from its high. Is it time to buy? . Despite beating expectations with its latest earnings, Unity Software (U) slipped to a 52-week low in March, a victim of the general downdraft in..." +0,,"04/30/2022, 18:16:06",Leo_the_Wildcat,"How can a blockchain & metaverse project have no fund for marketing ? If they dont have money, it is obvious that they just created the project to gain money. Beware of projects like this people." +0,,"04/30/2022, 18:16:03",TVHeadNFTV,"I tend to change lyrics a lot before recording, but I think I got ‘em down: T.V. HEAD THEME SONG Decentralized and in the Metaverse We got a vision! Yeah! Together we will BUIDL! This is the alpha: HODL what you mint! We got a channel! Yeah! Welcome to T.V. HEAD!" +0,,"04/30/2022, 18:13:03",sandeshsuvarna,Metaverse is inevitable.👇 +0,,"04/30/2022, 18:08:36",KLiebsMfer,The bad + the good of being a millennial: The bad- the only land most will be able to afford is in the Metaverse The good- it’ll probably be worth more than tangible real estate NFA +0,,"04/30/2022, 18:07:21",xiaojiuwo8,"w way to watch soccer . (Reuters) - Serie A attracts audiences from across the globe, but how fans can view matches is changing, as Italy's top soccer division enters the Metaverse..." +0,,"04/30/2022, 18:06:09",the_dejiadeleke,"#Curious Metaverse this, metaverse that. Some know what they are talking about,some are just happy to have another excuse to sound smart. But really, is it another sham or the new tech jam? Hope or hype? Like most things, time will tell Anyways, @play_eFootball is looking nice" +0,,"04/30/2022, 18:05:47",DylanSLiu,"We all love food. Its essential to our survival. But we all have to get food from one place, the grocery. Thats why here at uconnect we are creating decentralized food for the future on the blockchain metaverse. Now u can finally own a picture of food." +0,,"04/30/2022, 18:04:50",chemexer,Hot take: @OthersideMeta will be the first metaverse worth owning forever +0,,"04/30/2022, 18:04:39",evan_danca,$mana once hyped on the metaverse now left for dead +0,,"04/30/2022, 18:04:24",ashbstract,My dad has been pushing me to invest in real estate.... Can't wait to see the look on his face when I tell him Im getting metaverse monkey land with my magical internet money! +0,,"04/30/2022, 18:04:18",Caucasusfund,Patrik Schumacher's Liberland metaverse is pure cringe . Our critic was promised visions of a completed Liberland but instead found a bland video game for Boomer political extremists. +0,,"04/30/2022, 18:02:41",WJB_News,"Golden Ark Debuts World's First Cannabis Metaverse on 4/20 . LOS ANGELES, April 21, 2022 (GLOBE NEWSWIRE) -- Golden Ark is launching the first-ever Alpha Version of a Metaverse platform targeting marijuana consumers." +0,,"04/30/2022, 17:56:18",Perry_onn,"Thailand offers virtual 'Amazing Durian' experience on metaverse; aims the tour for tourists to explore durian farms . Thailand has launched the 'Amazing Thailand Metaverse: Amazing Durian', a project that offers tourists new virtual travel experience to explore its" +0,,"04/30/2022, 17:56:11",tuckmeta,will metaverse sex eventually get to a point where you can catch bad data packets? +0,,"04/30/2022, 17:54:28",justintrimble,"They really gonna build a fukn Metaverse now, huh?" +0,,"04/30/2022, 17:52:00",delete75522330,"Meet a metaverse mega-landlord that's spent millions on real estate in 10 virtual worlds, hosting fashion shows and,.. . The Metaverse Group owns large swaths of virtual land in various metaverses. It's not just a landlord — it has developers who can bu" +0,,"04/30/2022, 17:50:59",LoveLookAway,Are you sold on the current approaches to the Metaverse? I find myself underwhelmed by what's out there—including many of the roadmaps. Are there use cases we haven't even begun to consider? Maybe I'm missing something. +0,,"04/27/2021, 07:13:41",kyza____,"OH: ""I don't think I've ever taken you inside the metaverse before""" +0,,"04/27/2021, 18:53:44",BadFoxLab,OK so there are these metaverse VR sandboxes like @decentraland @cryptovoxels @TheSandboxGame etc. Can I put my @hicetnunc2000 nfts on display on any of those? Or do such VR spaces exist on @tezos b-chain? +1,"""LETS DO""","04/28/2021, 15:34:51",its_Brogamer,OKAY METAVERSE WEEK 3 IS OUT LETS DO DIS +0,,"04/19/2021, 01:19:04",DeeterPlays,"OMG guys! Guess what?! Deeter launched Metaverse boxes at me, so I used his star code DEETERPLAY when I bought Robux!" +0,,"04/24/2021, 22:13:56",kwiledirects,"Ok, hear me out. Pokémon Snap, but for NFTs in a blockchain metaverse. If people are so insistent about just taking a picture, gamefy it and take rent for the privilege." +2,,"04/26/2021, 04:03:13",humanityssophia,Okay going to sleep fr but not before I remind everyone Akira’s shoes in the metaverse are pointed +0,,"04/26/2021, 14:16:55",Uzzi_fx,"One day we will no longer be here, but are ideas and visions will exist in the metaverse for years to come. Create your legacy, don't let anyone stop you 💙😀💙" +0,,"04/29/2021, 10:04:10",NumanUK,Only 100 gUmbinos will bless the metaverse. +0,,"04/21/2021, 00:28:10",cryptovoxels,"Our goal for cryptovoxels is to own the ""lo-fi"" metaverse space. Methodically stomp all the bugs we have, make CV load fast and be lag-free. We want to make a fast and bug free world. That's our goal." +0,,"04/26/2021, 03:35:23",LuxMediocre,Over then next month our team will be working extremely hard creating a metaverse. This comes with a lot of big decisions and I’m relying on the EleBlob & #WAX community. Questions/Polls to come! +0,,"04/18/2021, 18:24:31",Roblox_RTC,POLL: Have you switched your mind in which team your rooting for in Week 1 of Metaverse Champions? Why or why not? 🎊 +0,,"04/23/2021, 00:04:40",Roblox_RTC,POLL: How did you like the soft launch of Metaverse Champions Week 2 yesterday? +0,,"04/20/2021, 20:36:08",KissiSteve,"People are already spending huge amounts of money on virtual real estates? Real estates which only exists on a ""virtual land."" It looks like tech founders are really trying to create the Metaverse(Web 3.0) they read in scifi books with VR, AR, & AI." +0,,"04/27/2021, 20:12:58",daddy_paimon,"Persona 5 AU Diluc Reality: *modest, glasses, he blends in with the crowd* Metaverse: *batman but sexy, thighs, ass, s t r o n k, confident, can sweep you off your feet--* Kaeya: the fucking audacity of this bitch I'm going to propse him." +0,,"04/28/2021, 11:21:48",CGIsTaken,"Personally I don't like metaverse champions (dont attack me, it's my opinion) #roblox #robloxdev #metaversechampions" +0,,"04/23/2021, 15:16:08",shoyouagun,Personas but they're like ghosts because I think Loki causing chaos while Akechi isnt in the metaverse would be amazing +0,,"04/25/2021, 11:55:59",VinChristmasToo,Phantom thieves playing among us in real life to find the other metaverse user +0,,"04/20/2021, 06:48:22",kmalickisanchez,Polyworlds vs Metaverse: I have been hanging out in Core all day & Roblox last week & these hubworlds for many gameworlds that are often UGC feel more like that. Metaverse is more like a mirror world that has interoperability & spstializes the web. I think there a diff. Discuss +0,,"04/26/2021, 15:58:47",MissDarlingStar,Ppl have to start reminding me when big shit is happening Bc I forgot about -the josh fight -the oscars -the pink moon -new fortnite shit -the metaverse -new miraculous eps and much more lol and that’s on horrible memory +0,,"04/29/2021, 18:25:00",EthereumWest,Prediction: the Metaverse will become bigger than the internet. +0,,"04/28/2021, 07:38:31",ProductGrams,"ProductHunt: Genies goal is to become your digital identity with an avatar that can represent you across the internet. There’s a lot of potential here & with the boom of metaverse + blockchain, the need for a central avatar will only grow larger." +0,,"04/23/2021, 03:19:38",IamNinjaDude,QOTD : Wut do you guys think about week 2 of metaverse? +0,,"04/30/2021, 14:44:04",Roblox_RTC,QOTD: Have you played any week 3 metaverse champions challenges yet? +0,,"04/28/2021, 18:12:51",Roblox_RTC,QOTD: What game from Week 2 of Metaverse Champions did you enjoy most? Why? +0,,"04/18/2021, 12:20:36",Roblox_RTC,QOTD: What other prizes do you think that’s in MetaVerse champions? +0,,"04/18/2021, 05:20:12",henlojseam,"Reality can get really bleak. Hence, the need for coping mechanisms. The hyper real, and the metaverse is a response to such pain." +0,,"04/23/2021, 09:57:52",CurrenYour,Rekt in the metaverse and Rekt by the government when you take your gains. How much are you honestly left with. +0,,"04/17/2021, 18:34:38",GlitchingRabbit,"Remember the ???? badge in metaverse champions hub? And also it says ""goodbye"" Also deeter said multiple times that 1. there'll be an egg 2. there'll be one of the old eggs I think that's an egg, it literally says goodbye deeter on his stream is said stuff that only confirms it" +0,,"04/19/2021, 22:53:27",ZoDelk,Roadrunning into the metaverse +0,,"04/30/2021, 14:13:15",builder_bloxy,Roblox MetaVerse Champions lol #Roblox +0,,"04/22/2021, 17:39:04",QueenRohini,Roblox Metaverse Week 2 Chests Released early All week 2 boxes available on games selected for week 2 Portal will change on time AJ striker’s boxes are still difficult but if u want a#easy aaj striker then do survive plane crash game for it @Roblox_RTC @RBXNews_ +0,,"04/20/2021, 21:45:12",DeaconStJohn780,Roblox Metaverse: To get AJ's crate Play Mafia Tycoon and help the hobo out To get the green chest Play Speed Race and complete the Race The Emerald Isle To get the pink chest Play My Droplets and complete all tasks for your pet +0,,"04/21/2021, 23:18:15",RGCfamilyYT,Roblox community last week: Metaverse is too hard and unfair. This week: Metaverse too easy and unfair. YouTubers who are stoking this fire complain instead of ideas on how to make things better. Now Kreek gonna do his own? How does that fix the current issues!? 🤦♂️ +0,,"04/30/2021, 07:11:21",Casuallyexists,Roblox egg hunt > Metaverse Champions +0,,"04/18/2021, 21:38:33",BendBricks,Roblox from lego style game to metaverse type game +0,,"04/29/2021, 16:42:11",BoredDerek,Roblox is the market leader in the metaverse. +0,,"04/17/2021, 23:22:16",DumbleDorkest,Roblox metaverse is broken ive done some challenges but I didn't get the completed sign thing +0,,"04/17/2021, 17:53:41",BeanieFlare,Roblox metaverse? What is that like a persona 5 reference or something? +0,,"04/27/2021, 18:28:05",TheCreationStar,"Roblox should come up with a better name for Metaverse Champions, it should be Metaphor Champions or Megaverse Champions." +0,,"04/28/2021, 20:45:00",_mrpizzaman,Roblox went down right after pizzaman finished pizzamans video on rage table arena metaverse. Roblox down for anyone else rn +0,,"04/19/2021, 14:35:59",Roblox_RTC,STATUS UPDATE (1) AJ Striker is nearing** 3rd place as Fey Yoshida is catching up in Metaverse Champions 😳 Sparks Kilowatt still remains in first and possibly may stay in first for the rest of the week with the predicted patterns! +0,,"04/19/2021, 00:56:57",Roblox_RTC,STATUS UPDATE: Sparks Kilowatt still stands in first place for Metaverse Champions 👑 Fey Yoshida is CATCHING up to AJ Striker! +0,,"04/29/2021, 23:30:05",AltAustinia,STREAMING THE METAVERSE NOW +0,,"04/29/2021, 01:15:01",NeonsSquad,SUPER GOLF IS IN THE METAVERSE OMG!GG!GWSKUDWHQ +0,,"04/28/2021, 12:54:54",JunkfoodCB,"SWIMMING LESSONS - Junkfood fav POOLS 1) Starting with @PieDAO_DeFi PLAY/DOUGH. still paying 900% almost 3 weeks in. Exposure to metaverse. Downside is 95% vested, but I'm long DOUGH so happy holding." +0,,"04/29/2021, 17:58:36",Trashy_0ne,"Sadly, no Metaverse banana skin, but, we have a Metaverse beacon" +0,,"04/21/2021, 02:56:32",justinpoir,Schitt's Creek but the rich people have to live in the metaverse plot their son bought at the top. +1,"""amaze"", ""new"", ""exciting"", ""addictive""","04/29/2021, 07:04:24",tearsxtasha,"Seriously, this metaverse never ceases to amaze me, every day I'm amazed by something new. It is exciting and addictive! #NFTCommunity" +1,"""crazy""","04/18/2021, 18:05:54",bigdaddypikachu,Sheeesh this metaverse stuff is crazy +0,,"04/20/2021, 07:27:11",JudgmentsBlade,"Shiki had begun to spend more of her time within the metaverse. A place where she could entertain her murderous urges at at will. This had, however, given rise to a new discovery with her powers. Something she thought @IndecisiveTarot might “enjoy”... As such, she had to -" +0,,"04/20/2021, 18:01:24",Mister_Bashful,Should I draw the rest of the Metaverse Champions +0,,"04/18/2021, 14:44:41",real_n3o,"Similar to how the web was fueled by DNS, HTTP, and TCP/IP, as well as the novel invention of the browser (e.g., Netscape Navigator), the Metaverse will tightly couple Web3 protocols with an entirely new type of browser; one natively designed for immersive 3D experience." +0,,"04/30/2021, 23:09:25",Jinxy13_,"Since y'all know I'm making a ""Metaverse Champions in a Nutshell"" video I'm going to have to edit it in portions throughout the next few days since I have 17 recordings so you won't get a video until I upload this but trust me it's worth the wait." +0,,"04/25/2021, 23:36:23",ScornerRed,Six hours til midnight? Matters naught anymore anyways Mishima gettin caught by the Reaper in the Metaverse. Udnsyss hoo boy chained up to the mess of a body underneath the robes. No one can see him nor hear him in there and that one Reaper is stronger than the rest..... +1,"""excited""","04/27/2021, 08:33:10",sushil_dr,"So , I had been following the SAND token for a while now and quite excited to see whole development in metaverse.. is this only me or anyone else bullish on it’s future..@TheSandboxGame $SAND" +0,,"04/29/2021, 23:59:15",CallMeLatasha,So I committed the next 8 weeks to a vocal training intensive camp. I have a vision of feeling completely free in my voice and I’m excited for this investment and grateful the metaverse helped me get here. To being my fullest self 🤞🏾🙌🏾⚡️💫💗 +0,,"04/28/2021, 06:08:03",MikeAbundo,So Nexon has expressed interest in metaverse assets. Wonder which other big mobile game publishers are making moves into the metaverse. Mobile gaming is a $19.3 billion industry. +-1,"""2037""","04/29/2021, 06:29:40",auradeluxe,So at this rate we will have the Metaverse in 2037 cool +0,,"04/29/2021, 16:00:02",MrGingeyyy,So excited to show you all the 'Into the Metaverse' (name may changed) stuff :D will be a little while before its out but lots of work going in to make it its own little universe and pushing my knowledge too (audio design for each one) :D +0,,"04/21/2021, 19:06:30",RealFrozevo,So how's the Metaverse Champions for yall? +0,,"04/22/2021, 22:27:07",COMgoesblocky,"So just heard that people are throwing tantrums that the field trip Z badge for the metaverse is very easy kinda like a freebie badge, it’s one game. ONE game. Does everything have to be perfect for the community or something? Like if it’s too hard, people complain. 1/2" +0,,"04/26/2021, 02:18:18",NeonsSquad,"So like, EggHunt 2020 Quest: Find the Golden Egg and win without dying Metaverse Champions Quest: Get 5 Achievements in-game" +0,,"04/21/2021, 21:35:04",KujoVictor,So uh the metaverse hub servers isn't supposed to reset for everyone get week 2 badges? +0,,"04/18/2021, 22:08:34",MindMakesMatter,So we can't place NFTs on Matic in the Metaverse??? +0,,"04/20/2021, 12:05:15",MadamPhobie,So who r u supporting for in the Metaverse Champions? Vote the name u r supporting for Comment the names of the champions if u support more than 1 Like if u dunno whats going on- lol +0,,"04/22/2021, 20:54:23",akechi_ebooks,"So, uh, this is how you guys get around the Metaverse? No, there's nothing wrong with a bus shaped like a cat, I just- it's not what I was expecting." +0,,"05/01/2021, 01:58:32",pascalblanche,"So.. this Epic acquisition... does it mean they plan to make it easier for any artist on Artstation to use their tools, and ultimately contribute to their metaverse? Is that what it is about?" +0,,"04/26/2021, 17:20:23",wigglytoe211,So.... pick a Metaverse Champions game for me to get when I come home from school +0,,"05/01/2021, 02:14:50",BlizadoVR,Social VR developers should first work on the user count problem before they try to create a VR Metaverse that can only handle one dozen of users before the FPS goes down too hardly and end horrible with not even 20 users and a diashow. 1/4 +0,,"04/30/2021, 17:06:21",Loopifyyy,Some early news for what I have planned with NFTREES 🌴 Building an open Metaverse (browser-based) all you need is a MetaMask account. Top-down 2d pixel art style. 🎯 +0,,"04/21/2021, 22:41:14",KingPogPigYT,Some metaverse champion games for week 2 dont let you play on certain devices so I guess twitter is gonna start some drama +0,,"04/29/2021, 06:03:40",darciukas1,Someone MUST make metaverse Morgana using Miitopia +0,,"04/18/2021, 20:04:32",ChefDevRBLX,"Something is wrong with Roblox badges in inventory right now, one, I have all 48 metaverse badges, and even the hub shows I do, but not all are in my inventory. Two, it shows I only have 5 pages of badges, where yesterday I had way more." +0,,"04/26/2021, 16:51:22",AbbasSpace,"Spent my day gardening and running some errands, about to jump back into the Metaverse. What’s poppin? 😁✨" +1,"""favor""","04/29/2021, 18:42:51",CallMeLatasha,Stay in high vibrations yall. That’s how the metaverse works in your favor. ⚡️ +0,,"04/18/2021, 22:51:12",logan_larkin,"Still looking for artists/collectors who are interested in creating a gallery DAO/pool to acquire VR land (CV/DCL) in order to have a space to host group shows, creative events, and highlight artist drops in the metaverse! DM if you are interested!" +0,,"04/22/2021, 08:08:59",Traphius,THE HECK IS WEEK 2 OF THE METAVERSE OUT?! +0,,"04/28/2021, 06:30:21",EriShouldBe,THE METAVERSE IS SOO ####### +1,"""AMAZING""","04/19/2021, 08:23:34",slimehdude,THE MUSIC IN THE METAVERSE HUB IS AMAZING WOAHH +0,,"04/29/2021, 16:44:37",pocketblossoms,THURSDAY POG - new metaverse games - almost friday - two days away from the start of may - teaser for this week's oc coming later 😉 +0,,"04/28/2021, 00:32:02",RookPerfumes,Taking inspiration from the fvckrenderverse by @fvckrender whilst ingredient planning to scent the metaverse #nftart #NFTCommunity +0,,"04/26/2021, 03:39:42",mxyznk_,"Tbh, i could have waited for my 12th Boards to happen and then get on Twitter, but I couldn't live in the FOMO @abnux2's ब्रः metaverse tweets 🥲" +0,,"04/20/2021, 20:32:49",RobertRice,"Technically speaking, Omniscape is also a metaverse proptech platform." +0,,"04/17/2021, 20:03:11",Bloxy_News,"Thanks for joining the Metaverse Champions mystery box handout session! If you are still in need of the Admin, Developer, Star Video Creator, or MVP crates, I will try to do these every weekend! Stay tuned." +0,,"04/29/2021, 15:34:53",EvilMutationAlt,"Thanks to @DevUltraRBX for your help about Metaverse, thank you so much for making Fey's fans crying!! I am appreciate tha" +0,,"04/18/2021, 16:10:16",RBXNews_,"The ""Metaverse Champions Pink Valk"" that is floating around is a concept, and is not official. When the prize gets revealed, we'll make sure to post it." +0,,"04/20/2021, 02:52:54",YuaXIIINSFW,"The Commander Goro fic is allowing me to write a more vulnerable Akira because of the 11/20 events and I'm loving every single minute of it 🙏 Also because I think Akira is more shy and insecure in the normal world and the Metaverse lets him be Joker, a charismatic confident dude" +0,,"04/28/2021, 08:51:43",trouse11,"The DCW team are looking for a speaker from a fashion brand to talk about fashion's relationship with gaming and the ""metaverse"" as part of a 500 person conference? Anyone got any recommendations?" +0,,"04/19/2021, 14:28:26",ggff24224823,The Metaverse +0,,"04/18/2021, 23:37:29",lionslunchtime,The Metaverse Champions quest in Miner's Haven is stupid. I had something (I don't know how I got it) that sold for over 3 quadrillion dollars so it was easy for me. But wouldn't it take HOURS for a person who has never played the game before? You need so much money for it. +2,,"04/26/2021, 06:18:15",RonenV,The Metaverse and The Matterverse +0,,"04/23/2021, 14:54:34",dankvr,"The Metaverse defines itself as something greater than the sum its parts. Metcalfe's law on a macro scale, applied with virtual worlds. People like many things, it won't be a winner take all situation." +2,,"04/18/2021, 02:46:52",colebai888,"The Metaverse is a collective virtual shared space, created by the convergence of virtually enhanced physical reality and physically persistent virtual space, including the sum of all virtual worlds, augmented reality, and the Internet." +0,,"04/23/2021, 08:26:31",4F3nk,"The Metaverse is a collective virtual shared space, created by the convergence of virtually enhanced physical reality and physically persistent virtual space, including the sum of all virtual worlds, augmented reality, and the Internet. #Metapunks are the renegades of this world!" +1,"""grand place""","04/25/2021, 11:24:24",theartofwarren,The Metaverse is a grand place. +-1,"""scary""","04/27/2021, 22:12:16",Pacifist_Elk,"The Metaverse is kind of scary in that ""this is likely the future but I don't want it to be"" way." +0,,"04/29/2021, 16:51:59",0verlookBayNews,The Metaverse update is coming in less than 10 minutes! Who’s ready? 💜🛸🪐🚀 +1,"""well""","04/25/2021, 00:00:38",web3wiser,The Metaverse will verse very well +-1,"""sucks""","04/22/2021, 07:17:52",scelees,The New metaverse thing sucks. Especially when they made aj the hardest to complete. +0,,"04/29/2021, 23:29:16",dave_schick,The Roaring 20s took place in speakeasys.... The Techno 20s gonna take place in the metaverse. +0,,"04/19/2021, 15:40:06",rad1ram,The Snow Crash Metaverse is coming to life right before our eyes +0,,"04/26/2021, 07:24:42",KooyukiK,The TPS soccer metaverse is so hard bro I can't +0,,"04/25/2021, 01:20:31",Jakester2705,The Wild West has no rules. The metaverse is unsure what rules will apply. Move forward... create things... break things... but optimize for a future where rules will likely apply. Maybe even create a few new rules along the way. +0,,"04/21/2021, 17:51:58",EthereumWest,The artist Pak’s level of anonymity is rather admirable in an age where everyone is quick to cash in on instant fame recognition. Like the Banksy of the metaverse. +0,,"04/19/2021, 21:43:54",boredbluewhale,"The best thing about the metaverse is that you don't have to participate. If you don't like it, you are free to create your own metaverse. No shortage of space. No conflicts of interest." +0,,"04/23/2021, 06:40:36",natonewman,The cyber-psychology of the metaverse and the spatial Internet seem to present an enormous knowledge gap that big-tech and academics alike aren’t talking about with any depth of feeling. Thoughts? @tristanharris @TimSweeneyEpic +0,,"04/17/2021, 20:18:29",discobirdgaming,The fact that @cryptovoxels can run on a phone browser without having to create an account is a game changer. Someone can get a taste of the metaverse without having to understand tech +0,,"04/21/2021, 23:13:38",BartnikMonika,The fact that people are getting hired on @Decentraland is something else Welcome to the Metaverse 🌌👽🖖 $MANA +0,,"04/19/2021, 04:04:36",ImEatinPie,The final weeks of the metaverse events are close to a whole bunch a kids’ finals weeks Roblox why +0,,"04/27/2021, 22:28:05",heyhaigh,The first group of people that set up a week long metaverse Burning Man with digital art and creativity at the core truly wins. Would be a fucking smash. +0,,"04/25/2021, 02:21:31",BendBricks,The imposter metaverse quest so frustrating me rn cmon why most servers picking default map smh +0,,"04/29/2021, 22:10:13",SickTwistGames1,"The key to the Metaverse lies in protocols and standardisation. Fortnite is a destination, so is Pokerstars VR. I want to be able to visit user generated spaces using my own avatar in both destinations. Continuity between virtual destinations. My wallet, My avatar, Your Space. 😶" +0,,"04/18/2021, 14:16:05",BombasticTom,The metaverse champions: 0/10 Reasons: Bad / Shitty games Luck based games Sparks Kilowatt team is easier to complete AJ Striker's team has a big disadvantage Done. +2,,"04/27/2021, 22:11:42",memakyou,The metaverse does it for me +-1,"""cage""","04/27/2021, 06:42:10",UC_CITY,The metaverse has no rules and physics yet we bring in it known limitations and try to mold it in the real world cage. +-1,"""lie""","04/21/2021, 14:38:41",Epitonex,The metaverse is a lie +-1,"""pyramid""","04/27/2021, 07:10:33",smeggo,The metaverse is a pyramid scheme #provemewrong +0,,"04/18/2021, 22:13:23",internetbluprnt,The metaverse is already here +1,"""coming""","04/23/2021, 01:13:34",_ffferreira,The metaverse is coming +0,,"04/30/2021, 05:18:24",cryptovoxels,"The metaverse is gonna be like the web, lots of people use Facebook, but it isn't the only website. You can post links to facebook on twitter, you can retweet youtube links. NFTs will be the URLs of the 2020s." +1,"""future""","04/29/2021, 19:02:14",chefnavi,The metaverse is our future. Not owning land parcels will be your greatest regret in 5years time 😉 +0,,"04/23/2021, 23:20:14",imdannydope,The metaverse is the blueprint of our future on Mars @elonmusk +1,"""future""","04/23/2021, 23:12:31",DrewAustin,The metaverse is the real future of work. +0,,"04/17/2021, 22:44:50",plantchampion,The metaverse lobby music is very nice +-1,"""less cool""","04/26/2021, 05:24:55",holocenite,The metaverse seems a lot less cool now than it did 6 months ago for some reason +0,,"04/25/2021, 05:40:46",watson_hartsoe,"The metaverse was started by gamers but should not be made for gamers. Videogames are not the fuel for an online society, they are the spark." +0,,"04/30/2021, 02:45:33",MLogic111,The metaverse week 3 is giving me a headache. So many games AHHHHHHHHHHHHHHHHASGHSADJADJH +0,,"04/27/2021, 22:37:44",KaytecsStan,"The metaverse will be in my cold unloving hands. Ever since I was a child I wanted to become the ruler of the metaverse, but since then I discovered what I truly want. I want to become the metaverse, but I have to destroy the metaverse in order to become the metaverse. I will do" +0,,"04/19/2021, 11:56:26",jgcfyi,The metaverse will never be more important than your neighborhood +0,,"04/26/2021, 13:45:37",eme_chan3,The moment akechi stepped on shido's palace he was considered a threat cuz he had his metaverse outfit omg +0,,"04/18/2021, 01:48:00",AeonixAeon,"The monolithic Metaverse (one company makes it) or a bunch of siloed walled gardens, is that this was the very dystopian version Cyberpunk warned us about. The hyper-capitalistic, egocentric, walled garden. We should probably do better than that. #VR #AR" +0,,"04/23/2021, 11:18:16",Jeremystormsky,The more I dive into this ecosystem and rabbit hole. The more I realize that the metaverse is here. The pieces have/are being built. Someone just hasn't put all the pieces together to make it a reality. Whoever does it first will secure a big place in the history books. +0,,"04/24/2021, 16:07:52",beingsothat,The most interesting things in web3 to me right now are: @rarepizzas Dao Theory @yaxis_project LGE @TheMetaFactory Brand Cultivation @devprtcl ✨🧠⚙ @LostSoulsDAO👻 @ddpFTW & @_sparkleverse 💃🕺 @yup_io web curation @AsyncArt production model @cryptovoxels Metaverse @clrfund QF +0,,"04/28/2021, 02:59:07",DCLjasonx,The ones who ignored the Metaverse are the ones who will pay the Biggest Price. 😀 Welcome to @Decentraland +0,,"04/17/2021, 18:48:20",haekafae,The only metaverse I’m interested in really is a Pokémon one +0,,"04/25/2021, 11:15:35",mad_anon_,"The only refuge —— are our eyelids Proof of real, first, original. It is our communal dream: Justice of security The metaverse? This is the verse Waldo would have a hard time Finding our identities Among the deeper falsehoods Connect instead with yourself It is time to build." +0,,"04/21/2021, 11:20:30",TheMETAversal,"The reason my name Meta is cause of 2 things, RedvsBlue and My character being one with the MetaVerse in vrchat, that's why there's different Metas in different stories, Raid boss 5 will definitely uncover some more juicy details about that" +0,,"04/20/2021, 21:39:10",gCAN9k,"The revolution will not be televised. How could it, the television is dead. The metaverse has risen. The revolution will not be televised." +0,,"04/17/2021, 23:45:00",vampirejaeh,The roblox Metaverse +0,,"04/24/2021, 08:36:28",AndEnderman,The roblox metaverse killed many people +0,,"04/21/2021, 03:03:17",kooshaazim,"The virus got us here. Accelerating toward the inevitable metaverse, digital economy, brainwashed humanity, etc. So much silly capital and degeneracy. You can call it innovative or the next frontier. I think we are getting closer to the end." +0,,"04/28/2021, 22:14:33",MobaGallery,The world of reality has its limits; the metaverse is boundless. #NFTcommunity +1,"""change""","04/24/2021, 15:32:19",lifeof_jer,The “metaverse” will change the world +0,,"04/29/2021, 22:21:01",BrennanGeis,There are 2 new investible universes being discovered right now: -Space -The metaverse And you’re excited about Amazon Prime? +0,,"04/29/2021, 10:38:09",NumanUK,There is currently a grand total of 400 gUmbos roaming the metaverse right now. I have 5 listed for sale the rest are being sold on the secondary market. If you own 5 or more gUmbos please get in contact! +2,,"04/26/2021, 14:59:43",ohhshiny,"There will be many metaverse where people spend time, they will move in and out of open worlds like we move from Twitter to Discord. The largest businesses will fit underneath them as the infrastructure layer, and on top of them as the social layer." +0,,"04/26/2021, 05:15:04",ClassyCorgi,"They never clearly explained why the Metaverse existed, or when Yaldaboath was born and replaced Igor, and does everyone have a Shadow? And how did Akechi discover the Metaverse? Hoping the new stuff in Royal will explain that, it seems focused on the cognitive world stuff" +0,,"04/24/2021, 22:58:36",TMaster453,They really put two free admin games in spark's metaverse games for week 2. man... +0,,"04/22/2021, 22:32:55",art10studio,Thinking about the Metaverse. What are you bringing with you? I would bring... My completed art (NFTs) My art in progress (NFTs?) My music My guitar My friends My stories My clothes My shoes My jewelry My wigs (I don't own any currently) My dance moves My curiosity ... +0,,"04/24/2021, 09:49:24",KagePlayz16,Thinking on going on a metaverse badge collecting spree if you wanna tag along and help which would be greatly helpful +0,,"04/27/2021, 01:27:41",VelanteG,This Is Me When The Metaverse Is Sus!1!1!1!1! 😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂😂😂🤣🤣🤣🤣🤣😂😂😂🤣😂 +0,,"04/29/2021, 19:08:27",BitBotsNFT,"This collection will not feel real until someone has a BitBot hanging in a metaverse collection/museum somewhere. Then, then we'll know we've made it.🙌" +0,,"04/29/2021, 15:15:00",AmphibianMarcy,"This is a scheduled tweet, I should be up and awake at this time! Reply to be in an arc, I have pretty cool stuff planned for the multiverse (btw the twitter metaverse is IN the multiverse lol)" +0,,"04/26/2021, 12:39:47",dahifi,"This is now a @solana @staratlas stan account. In this thread I will explain why this upcoming space-themed metaverse will open up a huge opportunity for the gamification of work through the use of Decentralized Autonomous Corporations, or DACs. 1/268" +2,,"04/18/2021, 04:45:01",acowboyname,This is the metaverse +0,,"04/18/2021, 05:21:00",ikuyoshiii,This was a dumb move but im sorry for not doing commissions today for whoever ordered from me. My ass was playing metaverse to win that pink valk 👩🦲👩🦲👩🦲 +0,,"04/27/2021, 22:29:38",ImBrendanNorth,"Time moves differently in the metaverse. I wake up, enter my digital daydream and before I know it, the day is over. Definitely trying to be more conscious of taking time to unplug 🔌" +0,,"04/24/2021, 20:07:33",JonathanEiter,"To all the straight male robloxians that are confused why both girls are in 1st and 2nd place in the Metaverse, it’s not the pink valk.. It’s girl power🌸 period💅🏼🦋 commence take over✨" +0,,"04/27/2021, 17:25:11",FrankNiall,To everyone who entered the giveaway for a #Bullz I thiiiink I've followed you all. Going to do a ruthless cull very soon though soooo. I hope ya'll are being standup citizens of the metaverse! +0,,"04/23/2021, 08:29:06",paulor94,Today I'll be on a Metaverse week 2 quest so I'll continue with the BBRMS 3 development tomorrow. +0,,"04/29/2021, 22:14:16",DaRealMrNoah,"Today is a good day for metaverse champions week 3. Clear sky, no high winds, and no rain! Rage Runner and This Game is Pain: I'm about to ruin your day." +0,,"04/28/2021, 10:57:00",spacefishNFT,"Today's mission, #nftcommunity: Check out a virtual space! Whether in a metaverse or just an @oncyber_io gallery, take a look at what people are doing and have made! #nftdailymission" +0,,"04/29/2021, 16:48:27",WarcMeinstein,"Today, capital flows relatively freely around the world while labor is massively constrained. The Open Metaverse levels the playing field by adding “labor liquidity” that will flow like capital This is the greatest democratizing force of our lifetime. Cc: @gabusch @YieldGuild" +0,,"04/28/2021, 14:47:01",Wavfilenotfound,Todays a beautiful day to be on a beach in the metaverse!!!! #vr #VRChat #digtial #wavmaster #wavfile #code #glitchinthesystem +0,,"04/21/2021, 16:28:43",_mrpizzaman,Tomorrow is the start of week 2 right? I wanna do more metaverse already week 1 was pretty decent and fun +0,,"04/27/2021, 23:27:42",RBLXLeaks_,Tomorrow week THREE of the Metaverse Champions is being soft launch some time in the afternoon. Crates will be obtainable like always so make sure to get the week 2 crates while you can before they are gone. #MetaverseChampions +0,,"04/29/2021, 01:21:47",Hakdogen1206,Traitor and Overlook bay is a part of the Metaverse! Cant wait! #WeLoveWWS +0,,"04/18/2021, 18:27:00",FlameAyaanYT,Turns out that ive did not did a stream of the metaverse champions +0,,"05/01/2021, 11:28:39",TouringNews1,Twitch emotes and sub badges are not that different from NFTs...digital trinkets and cosmetics to look cool in the metaverse. +0,,"04/18/2021, 11:05:52",thegadak,"Twitter, HN and the internet have an absolutely profound impact on how I think and thereby experience my life. Way way stronger than my countries culture. Incredible to think about this happening to people around the globe. A metaverse society is forming." +0,,"04/20/2021, 14:07:39",Roblox_RTC,UPDATE: Support for DeeterPlays is growing as it was revealed he was kicked out of the Metaverse group as a Q/A lead for what is predicted to be accidentally leaking too much information. Some say “this is undeserved” while others say “he ruined the surprise too much”. +0,,"04/19/2021, 07:51:48",vampmf_,"Uhhh, I'm having a problem where the quests I've done doesn't appear as a checkmark in the metaverse hub :/" +0,,"04/23/2021, 20:57:19",0xShrug,Universe or Metaverse? +0,,"04/28/2021, 23:56:58",coreycottrell,Upliftium. Like gratitude rising up from the MetaVerse ground. +0,,"04/20/2021, 10:52:51",SplazzyFace,Used in a sentence: 3-5 years from now well see a majority of civilization enter the metaverse +0,,"04/23/2021, 22:20:32",winseuok,"Using allkpop pann as your source, make a stupid theory from aespa concept when they only talking about the black mamba and also metaverse? And not to mention discredit aespa position and the members itself ot7/9 if i see you 🔪" +0,,"04/24/2021, 03:28:52",winkraine,Very upset to find out Chun-Li was not part of the Mortal Kombat metaverse and thus will not show up in the movie 😭 +0,,"04/21/2021, 16:39:34",TheRealJ3ssi3,WEEK #2 METAVERSE CHAMPIONS HERE WE COME! ✨💕🎀 +0,,"04/18/2021, 22:31:43",AdoptMe_Gives,Wait The METAVERSE CHAMPIONS Im Sure We gets all crafters but im only or Everyone😬 +0,,"04/21/2021, 23:04:56",SBL0ver30000_,Wait if Piggy is in the metaverse and if it does come with week 2 I WONT BE ABLE TO PLAY IT BECAUSE K THONK ILL BE IN SCHOOL WLCWLWVWOWJWJEWJSJJSJSODJDIXJXJXC +0,,"04/20/2021, 06:12:36",aregularuserguy,Wait what's metaverse? And what are those box things ppl are having How much have i miss when i was on a quest to touch grass but never suceed? +0,,"04/19/2021, 04:00:56",_mrpizzaman,Wait when does the next metaverse week start. +0,,"04/22/2021, 18:25:27",Christo48985099,Was metaverse rigged? +0,,"04/25/2021, 00:19:28",roybahat,Was slow to this: in the metaverse we will probably have time travel. +0,,"04/23/2021, 20:52:07",brycent_,We are all just traversing the metaverse to infinity. 🚀 +0,,"04/21/2021, 21:37:33",burnt_account,We can upload our DNA code into our avatar(s) and live forever in the Metaverse. amirite @MetaKovan? #MANA #Decentraland @decentraland +0,,"04/25/2021, 19:56:07",CallMeLatasha,We need to take risk now. We need to show up now. We need to do something different in the metaverse now before it just looks like the art world we’re already in. +0,,"04/20/2021, 14:57:56",TokenKingdoms,"We plan on being part of the Metaverse for a long time and are developing multiple types of content around the Token Kingdoms Universe including games, animated series, merch, and more..." +0,,"04/23/2021, 04:48:18",borgetsebastien,"We're building @TheSandboxGame with the next 10 years in mind How you enter and use it now will be different by then, but what matters is you got in. Welcome to the Metaverse 👋" +0,,"04/23/2021, 16:26:04",AdamSinger,"Web 1.0: totally rad hypertext pages and flying toasters Web 2.0: strife, frustration, drama, yelling Web 3.0: thought leadership about how everything is going to be Web 3.0 ...the metaverse indeed" +0,,"04/17/2021, 19:21:57",0xShiesty,Websites in the future will simply be coordinates in the metaverse +0,,"04/20/2021, 17:18:00",ZnatZnation,Week 2 for metaverse champion is almost here 😮😮 +0,,"04/25/2021, 21:20:33",Jlusity,Week 2 of Metaverse was EZ Clap as well I actually finished it last Thursday +0,,"04/29/2021, 21:44:58",Jlusity,"Week 3 Metaverse crates obtained, wasn't too interesting this time" +0,,"04/28/2021, 06:52:04",IamNinjaDude,Week 3 badges (metaverse) will release tmrw for early test +0,,"04/24/2021, 18:28:05",KingPogPigYT,Well i finished week 1 and 2 of metaverse champions (all 93 badges or around that) oink :D +0,,"04/28/2021, 05:35:32",lahzerin,"Well, WE have to dust off the PS4 ! You guys wanted Persona 5 So we will be playing P5:R Tomorrow~! come join me as we enter into the MEtaverse and learn lessons along the way-" +2,,"04/25/2021, 16:34:07",enjoyoor,We’re already in the metaverse +0,,"04/29/2021, 07:16:39",ThisFamilyGames,"We’re going to be streaming twice today, adopt me 4pm GMT and then just after 6PM GMT week 3 of Metaverse, so excited for the overlook bay and traitor events! #WeLoveWWS 😊❤️" +0,,"04/30/2021, 15:52:12",nickagamboa,We’re really gonna get the chance to experience The Metaverse +0,,"04/18/2021, 00:47:23",diisearned,What I find sad is that metaverse has a hub while egg hunt 2020 didn’t +0,,"04/28/2021, 15:58:06",InkedZoo,"What are ideal resolutions for metaverse gallery display? Or perhaps a better question is, are there any constraints?" +0,,"04/25/2021, 08:03:53",player478129,What do u think about metaverse champions replacing the egg hunt? +0,,"04/18/2021, 10:27:52",springbunbus,What do you do with the metaverse crates? Just asking because I have all but the green one sitting in my inventory. +0,,"04/20/2021, 01:20:43",WhirlpoolNation,What do you think about Metaverse Champions? +0,,"04/23/2021, 16:42:45",EliteLupus,What do you think of the Roblox metaverse? +0,,"04/17/2021, 18:00:55",Cristabelle20,What does the sparks face look like?? :0 (the metaverse prize thingys btw) +0,,"04/20/2021, 05:51:37",JontePlayz,What games do you want to be in Week 2 in Metaverse Champions? (Egg Hunt 2021) +0,,"04/20/2021, 03:37:37",BearlyBear69,What happens when people in the metaverse encrypt other people and hold them for ransom? @econoar @elonmusk +0,,"04/22/2021, 20:13:37",webmixedreality,What if XRPK looked for .metaversefile in a repo for the metaverse/XR web app manifest? +0,,"04/20/2021, 16:17:08",DrewAustin,What is going to be the equivalent of buying someone a drink in the metaverse? +0,,"04/24/2021, 22:00:01",Joe80398726,What is more valuable in 2031? Land on earth? Land on Mars? Or land in the metaverse? +0,,"04/30/2021, 00:28:25",akechi_ebooks,"What the fuck did you just fucking say about me, you little bitch? I'll have you know I graduated top of my class in the Metaverse, and I've been involved in numerous secret raids on top public figures, and I have over 300 confirmed kills. I am trained in gorilla warfare and I'm" +0,,"04/30/2021, 02:07:06",juxton,What would I do without the metaverse and twitter 🤷🏼♂️ +0,,"04/27/2021, 18:25:45",anocam_,What's dumb is I already have part 3 of my Tokyo in the Metaverse series ready gfdsfjksdnfklmd +0,,"04/30/2021, 17:28:08",TheMagician33,What’s that you’re chanting in the metaverse? You won’t settle for less than Mars? 🚀 I’m here to tell you it’s your time Do your research and ape in Don’t let this momentum pass you by What’s stopping you from a big win? 👇 +0,,"04/19/2021, 20:21:26",RBXevents_,What’s your opinion on the Metaverse Champions?🤔 +0,,"04/30/2021, 18:43:41",AriDavidPaul,"When do open systems beat closed systems? Is the biggest metaverse in the future likely to be open or close? Low conviction, but here's my mental model: In cases where a simple and nearly static protocol is sufficient for decades, open can win. /1" +0,,"04/21/2021, 14:57:14",Jonah87870085,"When i go into the metaverse hub, i got the badge for the pinewood but in the hub it doesn't tick off for me." +0,,"04/30/2021, 01:15:27",3Slayer505,When i pick the Metaverse champions i pick Monster of Etheria and i didnt expect a lot of changes since the last i played of the place i seen had a lot of changes +0,,"04/24/2021, 11:59:34",beijingdou,"When the metaverse happens, someone's going to make a virtual social club where a cryptopunk is required for entrance. It'll be the digital status symbol." +0,,"04/22/2021, 00:09:55",AleksaAleeda,"When we all start using avatars in the Metaverse, uncanny valley will only happen when seeing people in real life." +0,,"04/23/2021, 02:22:21",ohhshiny,When will we actual go into this so-called Metaverse? Our perception of reality is really only dictated by a handful of things. The 5 senses + time and space. Full immersion into The Metaverse happens when we can port all our senses to the digital world and we aren't so far off +0,,"04/24/2021, 06:41:55",ZaikeeToms,When you got the metaverse task but youre an impostor in Impostor +0,,"04/18/2021, 01:37:24",LrvPickle,When your try to get the metaverse badge in left for survival and an hour later you still don’t have it +0,,"04/22/2021, 16:25:38",PeachycoreA,Where is the LIDAR scanner for android smart phones. Google you are losing ground in the metaverse race. #AR #android #unity +0,,"04/22/2021, 04:02:19",STSsohamYT,Which is the hardest Quest in Roblox Metaverse +0,,"04/19/2021, 14:31:57",NathanHeadPhoto,Which metaverse has you most excited these days? +0,,"04/19/2021, 23:10:13",ArthurGaribay,Which metaverse will be king? 👀 +0,,"04/26/2021, 14:52:22",anocam_,"While making the final piece of my 'Meltdown' series and getting frustrated with the audio, I ended up making part 3 of my 'Tokyo in the Metaverse' series 🙃" +0,,"04/21/2021, 01:48:54",ohhshiny,"Who are the hard science people on the cutting edge of the metaverse? AI integration, AR and VR and MR, Smart Contract Authors, Philosophers and Futurists etc.. as the world shifts its attention onto sales and big names these are the people who will actually create our future." +0,,"04/24/2021, 01:53:10",AnEpikGamer,Who do think should win the Metaverse Champions +0,,"04/25/2021, 10:11:18",PaperRockThing1,Who is ANGRY about metaverse champions in rblx I am. +0,,"04/21/2021, 23:41:55",jc_plaayz,Who is excited for week 2 of the METAVERSE CHAMPIONS? +0,,"04/19/2021, 21:06:50",JL50Gaming,Who needs a brain rest after seeing so many tweets believing there's a valkyrie prize on the Metaverse? +0,,"04/25/2021, 10:18:17",JontePlayz,Who wants to get some Metaverse Badges with me? ⬇️ +2,,"04/23/2021, 21:59:52",grandswager,Who you think gonna win METAVERSE??? +0,,"04/28/2021, 06:57:03",AnettRolikova,Who’s building Silicon Valley in metaverse ? Would love to see the startup tech culture transformed into digital space +0,,"04/19/2021, 21:42:29",matveytheman,Why are people mad about er:lc costing money for metaverse champions? There are a ton of other games to get the AJ crate from. +0,,"04/29/2021, 13:04:18",KhariDoodles,Why are there so many Piggy type games in the metaverse But not piggy +0,,"04/18/2021, 17:01:46",beaniemaxi,Why can’t people act in real life with the same kindness as they do in the metaverse? +0,,"04/19/2021, 09:24:14",Y6usef_,Why does it look like the metaverse is funner then last year’s egghunt +0,,"04/28/2021, 03:45:40",CrxstalVoid,Why is sparks kilowatt is the most popular character in the Metaverse champions? +0,,"04/23/2021, 16:27:15",Meliarinanami,Why the fuck is the metaverse still a thing??????? +0,,"04/22/2021, 17:45:28",RBXEventLeaks,"With week 1 over, you can now earn all week 2 chests in metaverse champions!" +0,,"04/28/2021, 05:32:13",ricktrain0r,Without acid there would be no metaverse. +0,,"04/25/2021, 11:52:00",fatesdesire,"Without the Metaverse, he was nothing, without being of use in the Metaverse, he was less than nothing." +0,,"04/25/2021, 07:38:10",Myles1753,Woo I only need 17 more quests for the Metaverse week 2 tomorrow! Yay! Thank you to ASurgeon for helping me! Woohoo Very late post Ik lol +0,,"04/26/2021, 15:56:55",DaRealMrNoah,Would yall want be to do a bracket on piggy skins or metaverse champions games? +0,,"04/24/2021, 13:33:28",LoganRyanGolema,Would you #beready if you were told you either have to escape to the stars or climb into the metaverse to survive imminent peril? #asteroid2027 #asteroid2032 +0,,"04/26/2021, 16:25:46",sirblackmoore,Wrapping up my speculative tour through NY and heading back to my humble hell in Detroit. Then it's back to work in the metaverse! +0,,"04/25/2021, 14:47:29",DSkylxr,Yep i combined all my metaverse back accessories it looks cool try it out! +0,,"04/20/2021, 21:00:22",Warden_Ninjen,Yo @LLaughability what happened to the metaverse server that you were in? Almost like it got shutdown +0,,"04/22/2021, 16:23:02",fatesdesire,"You are Akechi Goro, and you feel at home. (As the Metaverse fades, you can feel Robin Hood and Loki in your heart.)" +0,,"04/26/2021, 03:27:31",DCLjasonx,"You can make friends with real people and socialize in the metaverse. It has to be “immersive,” or make you feel like you’re somewhere else and you lose your sense of reality. #DEFI #Decentraland" +0,,"04/29/2021, 16:56:42",RBXEventLeaks,You can now access all week 3 badges as apart of metaverse champions! +0,,"04/26/2021, 02:32:26",OffLoganKenn,"You guys hear about this “Metaverse” shit from EPIC games. Like the oasis from Ready Player One? You think they will have vr Talaban, or would that be too far? @Ninja get on this!" +0,,"04/27/2021, 22:50:40",shoyouagun,"You know what I actually think about a lot? The fact that I want to draw Hamuko from the morally grey AU awakening to Thanatos in the Metaverse...sadly my ""comic"" making skills only work for shitposting...but a bitch can dream" +0,,"04/28/2021, 18:46:36",pereirarb1,"You probably know what is an IP right? That number used to identify your device connected to the internet (IP = Internet Protocol). Get ready to be introduced to the MP (Metaverse Protocol). The unique number identifying you, where you are on this physical Universe and..." +0,,"04/20/2021, 02:27:28",thaigger85,"You thought the internet is crazy, wait till you see what Nvidia is creating. A giant virtual 'metaverse' of the world. 🌐💻🖥️🖱️💽💾🌍🤖" +0,,"04/26/2021, 21:17:38",jbrukh,You've been living in a metaverse all along. +0,,"04/27/2021, 14:15:05",chromiekins,"Y’all I’m laughing, Atlus has so many plot holes and inconsistencies in writing the very idea of Goro taking a selfie in the Metaverse didn’t even strike me as too odd. I mean look at their characterizations of their own cast LOL" +0,,"04/29/2021, 13:24:30",punk7635,Y’all there’s a major supply chain issue in the metaverse...your items will be stuck in transit due to poor planning by über rich executives 🤣🤣🤣 +0,,"04/29/2021, 23:03:07",RBLXResources,[METAVERSE CHAMPIONS] Who is your favorite champion? I'm #TeamStriker #Roblox #MetaverseChampions +0,,"04/24/2021, 00:39:27",wolfofnewstreet,"a metaverse is a 3D version of the internet you access with an avatar and own all your data. that’s what we’re trying to build, and there’s so much learning that goes into it." +0,,"04/23/2021, 01:30:00",ItsMeGrammi,after livestreaming I started my rounds to all the discords and realized that the link to the metaverse vip that I was using for the livestream .. I put into Code's not my discord...im making a public apology to him rn.. I apologize greatly Code!!! #codeprime8 #eggonface +0,,"04/25/2021, 17:19:39",_NotLiam_,"ahh finally, i just got all those friggin boxes in metaverse" +0,,"04/30/2021, 06:14:02",testudo1111,"also, if you currently have a parcel @SomniumSpace that is unused, absolutely hit me up i want to create in the metaverse, but need backers to make it pop" +0,,"04/17/2021, 18:31:02",Kosmic_Storm,am i doing something wrong? I've done 5 of the fey challenges for metaverse and it still says ive only done 2 +0,,"04/18/2021, 12:07:50",videotapings,"am i the only one who is just not doing any of the new events, they are just kinda boring like the metaverse and i dont see any point in doing them" +0,,"04/22/2021, 18:31:42",CrystxlCorgi,am i the only one who thinks the music from the metaverse lobby game is from the game it takes 2? +0,,"04/25/2021, 15:23:12",NeonsSquad,and Ill be inactive tomorrow getting all the metaverse badges +0,,"04/22/2021, 09:13:01",Traphius,anddddd done with metaverse week 2 POG +0,,"04/19/2021, 16:28:53",LyonnaLyu,"anti-Black racism comes in so many forms, angles, and versions in the physical world. police brutality, redlining, voter suppression, cultural appropriation, misogynoir, etc. i hoped into the metaverse attempting to escape that reality , just to see artists trauma-fishing. what?" +0,,"04/22/2021, 00:23:03",ZettaRyoku,any devs or star creators giving out boxes at the metaverse hub tonight? Asking for a friend. +0,,"04/19/2021, 15:24:41",flowervortex,anyone know what the metaverse rewards are so I know if I should do it or not? +0,,"04/18/2021, 17:41:10",tzss444,anyones metaverse game saying they didnt complete those games?? #roblox +0,,"04/20/2021, 23:43:49",Gravitionss,are there new metaverse quests tomorrow +0,,"04/23/2021, 18:18:04",my_chappie,be a metaverse champion +2,,"04/26/2021, 08:11:58",justapein,blockchain will fire metaverse +0,,"04/29/2021, 03:53:38",testudo1111,"bro, i'm on somnium space searching for a place to build expensive af in the metaverse" +0,,"04/27/2021, 17:09:58",claracxw,"but no matter how deep we go into the metaverse, we are still tethered to the physical, there's no negating that. our technologies still depend on material-based infrastructures to run. and our bodily instincts are still rooted to our fleshy carriers." +0,,"04/20/2021, 23:10:51",BendBricks,can people stop ignoring me help me out in Left 4 Survival [5.7.8_02] [METAVERSE CHAMPIONS] +0,,"04/30/2021, 07:24:32",DavenamesTug,can someone tell me how the hell piggysons got into metaverse +0,,"04/22/2021, 18:08:45",OCDecaf,can somone send me the metaverse link again? i misplaced it +0,,"04/28/2021, 19:21:24",_jbbolter,completely forgot about week 2 of metaverse champions.. 🤦♂️ +0,,"04/24/2021, 15:29:28",j1mmyeth,"constantly finding better ways to do the things we thought we figured out. i imagine this will be the case for years to come. rapid and continuous innovation. sometimes that means two steps forward, one step back. other times, giant leaps. skipping thru the metaverse i guess.." +-1,"""cringing""","04/21/2021, 17:28:52",composter_bin,cringing into the metaverse +0,,"04/26/2021, 13:34:56",category5music,deleting my twitch account. that platform is ancient history. you can only find my marathon dj streams in @decentraland now. welcome to the metaverse! +0,,"04/19/2021, 07:57:20",_NotLiam_,do i need to finish all of the games in metaverse? +0,,"04/21/2021, 04:07:07",Lataus_,does anyone have renders of the metaverse champions on their own? I can only find ones of them as a group +0,,"04/22/2021, 01:15:07",testudo1111,"does anyone reading this tweet understand the concept of opening a coffee house in the metaverse to showcase your favorite artists? since the AVIs can teleport, just grab a cheap piece of land and start building your vision what am i missing?" +0,,"04/18/2021, 19:16:24",RClikestoExist,done all of the metaverse games other then liberty county and SCP roleplay +0,,"04/18/2021, 21:46:16",mikedemarais,earth already mapped; lewis and clark would be exploring the metaverse today +0,,"04/18/2021, 02:50:02",RogueStealth_,"elimination tower so far has been more fucking annoying than any other badge i've ever tried to get ever, not even just in metaverse i swear to fucking god" +0,,"04/29/2021, 19:01:42",HarrisonGowland,"every persona game has the protagonists going from the real world to like the metaverse but i think it would be neat if there was a game where it was the reverse, like a bunch of found family demon guys travel to the real world to fight like idk capitalism or whatever" +0,,"04/29/2021, 01:41:00",00ixy,expanding METAVERSE⛧TEMPLE into a series... expect surprises. 🪶🥽 +0,,"04/18/2021, 23:38:29",Uxillaaa,for the metaverse do we only need the team were competing for chest? +0,,"04/27/2021, 05:15:07",sarctize,got all metaverse crates on an alt. got the admin crate yesterday and an admin private messaged me in game 😱 +0,,"04/17/2021, 19:51:09",manthero4,got all the metaverse chests cuz hmm im a gaming gawd +0,,"04/19/2021, 02:31:42",tinnitdidit,guys how do i do the roblox metaverse thingy what is it what games do i play what +0,,"04/24/2021, 03:08:05",testudo1111,"had a fantastic stoned dinner with my friends at the local tap room and grille lovely waitress from maryland who was quality person and cutie afterwards at my crib, we smoked out again showed them soccer cards, digital horses and real estate in the metaverse minds were blown" +0,,"04/30/2021, 05:09:27",mikestjean,haven’t been able to properly read for a week and I feel like the metaverse is evolving by years.. *single tear* If anyone wants to jump on a call I’m all about it ☕️ 👾🎧 +0,,"04/23/2021, 01:02:59",SBL0ver30000_,help I need to invire someone to join one of the games im doing for the metaverse aaaa +0,,"04/28/2021, 15:03:46",tenacityy,here we go again week 3 of metaverse is released early for some games +0,,"04/18/2021, 03:18:16",3v6n_,"hey @Roblox which metaverse champion is giving out the valkyrie? everyone is saying that it’s the pink one, but i’m not 100% sure about that." +0,,"04/26/2021, 08:53:57",Annann77100739,hi guys well roblox has a metaverse champion hub i think spark is winning by now becuse she has 2m badges rn see you soon +0,,"04/21/2021, 23:57:14",RAirliner,holy shit that pit of hell metaverse map was a pain in my a** +0,,"04/29/2021, 12:21:58",UltraRareAF,how much of this ETH run will ultimately flow into the Metaverse +0,,"04/26/2021, 10:40:16",TomiX27142829,how to get #MetaverseChampions #Roblox #RobloxGFX #RobloxArt hair and hats Metaverse Chanpions +0,,"05/01/2021, 09:14:53",leopardpower9,i am doing to metaverse challenge and i am so stuck the AJ stricker one is so hard +0,,"04/24/2021, 06:50:53",testudo1111,"i don't have children but it is clear to me that even the youngsters not yet attending kindergarten will embrace web 3.0 and the metaverse naturally, at least for them the old folks are the ones that are gonna need to get with the times TEST 2024 🇺🇸 Make America Young Again" +0,,"04/19/2021, 20:13:49",Flebsy,i dont have a star code yet but im able to spawn the video star metaverse boxes teehee...... +0,,"04/29/2021, 23:41:17",YVNGBOY_XC,i feel bad for skipping the quest for the metaverse champions for limited sim 2 but I just played for the chest so wtv +0,,"04/29/2021, 17:49:39",LanceTheDon717,i feel like we need a prime minister of the metaverse +0,,"04/29/2021, 09:26:52",eclipsyaa,"i hate it when devs dont do anything special for events, like for this game is pain you need to complete ALL 10 levels which get near impossible after level 6 unless you use a website to solve puzzles. would it hurt to make a metaverse puzzle that isnt impossible?" +0,,"04/19/2021, 00:21:04",HistoricGamer_,i have won the metaverse champions first week thing lol +0,,"04/29/2021, 18:50:18",senorLupe,i is rdy to be is digital cowboys metaverse lupe with is fastes horse mos espensive ranches an bes pixel chicas +0,,"04/19/2021, 23:06:42",BendBricks,i juset want too punch this game so hard for not letting me on savior team stupud server hopping is useless Left 4 Survival [5.7.8_02] [METAVERSE CHAMPIONS] ' I HATE THAT GAME MORE THAN ANYTHING ATM +0,,"04/18/2021, 20:52:33",eclipsyaa,"i just got all 48 metaverse badges. best ya to it @KreekCraft , guess you aint the best at video games after all" +0,,"04/20/2021, 19:55:59",BwarWasTaken,"i just wanna play a roblox game, metaverse LEAVE ME THE FUCK ALONE" +0,,"04/22/2021, 00:09:50",tijuanagamingfr,i need 50 robus for libertr county! (metaverse) +0,,"04/21/2021, 15:32:00",Codey47A,i need metaverse crate helo :( +2,,"04/17/2021, 19:47:07",TeloRBLX,i need to know what the metaverse is +0,,"04/20/2021, 06:31:53",crystillyzed,i realized that while grinding for the 40 stamps in the new area to fight jose there wasnt rly that much scenes with the kid building up to third semester like? what is he?? who is he??? how did he know about the metaverse???? is he an ai since hes learning abt humanity??? +0,,"04/27/2021, 01:14:24",BendBricks,i really hate [Metaverse] Copyrighted Artists quest smh i cant do it it just moving too fast +0,,"04/30/2021, 07:05:50",RobloxisY,i swear how did roblox put badges of metaverse champions in those small games? +0,,"04/22/2021, 07:47:53",kreek_piggy,i wanna do metaverse week 2 rn but i want to wait when it actually releases +0,,"04/25/2021, 18:03:41",Idosimp,"i wanna do the metaverse BuTTT i don't know how to .,." +0,,"04/18/2021, 16:03:53",HighLandings,i was actually in the metaverse no cap +0,,"04/29/2021, 21:20:29",Du4l_,i was going to do metaverse week 2 but then my ipad is imprisoned in a 4 days break 👍👍👍👍👍 pain +0,,"04/18/2021, 11:21:30",ayyjaackk,"i was just bouta grind for some metaverse badges then i was banned for 7 days, yay. #robox #robloxmoderationsucks #moderationsucks #help #iwantmyrobloxaccback #sadgamernoises" +0,,"04/25/2021, 06:03:48",Lataus_,i'm pretty hyped for this metaverse champions hangout honestly lol +0,,"05/01/2021, 01:19:26",akirakurusu420,i've been working on some battle techniques to use in the metaverse. my new physical attack is just chucking a jokorb at a shadow's head as hard as humanly possible +0,,"04/30/2021, 06:57:28",testudo1111,"i've only watched video of the metaverse it already makes me goosie and cry when i enter it, wow" +0,,"04/21/2021, 21:17:46",testudo1111,"i've thrown plenty of shade at top shot when folks went too far, but last nights' club top shot won me over i saw an artist share his artwork, similar to how web 3.0 will go down in the metaverse and i saw the same artist get hyped about his favorite basketball players on video" +0,,"04/30/2021, 06:02:53",testudo1111,"if anyone that is following me legit has at least 20 ETH to burn AND likes this idea, DM please i wanna purchase land in metaverse, build structure, be nightly DJ and also invite people to tout plays we then sweat the games in the metaverse TEST HOUSE serious inquiries only" +0,,"04/26/2021, 02:11:29",cloudnine987,if joker can summon arsene in smash does that mean the entirety of smash bros takes place in the metaverse? +0,,"04/19/2021, 23:10:13",chris12902,if we can pull all four of the metaverse champion pillars out of the ground we can hook them together by the portals and make a giant super d**th sw*rd +0,,"04/25/2021, 13:05:32",bezzygom,if you ever feel sad think about how I showed my friend who doesn't play games a persona 5 fanart and she's said that akechi's red and white metaverse outfit makes him look like a loser +0,,"04/26/2021, 03:25:50",juno89011,if you suffered from metaverse champions thinking its hard name each champion game each week +0,,"04/29/2021, 21:09:47",eclipsyaa,"im around 2/5 of the way done with the metaverse week 3 badges, hopefully finish the rest tomorrow considering i spent 3 hours on one game tday" +0,,"04/23/2021, 15:26:38",Taty67713280,"im helping my friend getting the metaverse badge on impostor rn and he keeps getting impostor, he's on a mental breakdown rn pls help" +0,,"04/25/2021, 13:00:45",LandonYT12,im talking about the metaverse sparkles whatever her name is games since its not common roblox puts a game like that +0,,"04/19/2021, 02:10:39",novalite87,im the 5th metaverse champ get my rthro bundle starting apirl 23rd only on disney xd +0,,"04/23/2021, 06:56:53",WizRoblox,imma do the metaverse champions things today +0,,"04/28/2021, 13:05:22",pavelshin00,instagram is not a part of my metaverse +0,,"04/30/2021, 06:23:33",p5bean,instead of p5s with goro dlc i would like a game that starred goro and maybe kasumi investigating some other metaverse metaverse related matter +0,,"04/29/2021, 19:37:35",Da_RealKevin,ironic how metaverse champions has a egg hunt fangame but it isnt a egghunt +2,,"04/29/2021, 17:55:54",its_Brogamer,is it just me or metaverse week 3 is hard??? +0,,"04/27/2021, 16:26:09",noxuwasnthere,is the new week for the metaverse thing out yet? +0,,"04/24/2021, 16:42:33",BendBricks,it crazy how fast roblox laoding into game is in Metaverse Champions Hub +0,,"04/21/2021, 14:49:17",its_Brogamer,it is time....... metaverse week 2........ +0,,"04/18/2021, 18:40:57",quickmoop,jesus minus the je is the metaverse +0,,"04/22/2021, 04:18:54",redwolftrash,"just found out i only need to do ONE od the 11/12 metaverse games to get the chest, not 11 like i was led to believe...fun fun." +0,,"04/21/2021, 22:18:08",crungescience,"just got all the roblox box thingys for the metaverse thing and it left me in an immense amount of pain,,, 2 hours trying to get boxes,,, help" +0,,"04/19/2021, 15:20:41",jgulden,"just listened to Tim Sweeney pontificate for an hour about how, in the metaverse, people interacting with their faces and voices instead of their keyboards will more or less cure toxic behavior online I can only conclude the man has never been to a bar or a football game" +0,,"04/30/2021, 06:23:47",testudo1111,"just to be clear to twitter and future AI in the past 24 hours, i have made the following offers 1. if @SorareHQ needs the perfect candidate to execute mass marketing customer acquisition, that's me 2. if someone, pref a punk, has ETH to burn, let's open up a club in metaverse" +0,,"04/18/2021, 04:41:33",chrismartz,just want a decent and affordable apartment in the metaverse +0,,"04/19/2021, 23:38:01",m1suryu,"kinda wanna write an au where wakaba learned goro was futabas half brother, adopted him, so after her death, sojiro takes them both in and goro’s still enacting his dumbass shido plot (but slightly different) so p5 happens and they’re both trying to hide metaverse stuff" +0,,"04/21/2021, 00:39:58",ZGuyNFT,"kinda wish I knew where to start with all this ""metaverse"" stuff 😓 Looks insanely cool and kinda like seeing a childhood dream I once had. but i have no clue how to interact myself" +0,,"04/21/2021, 19:30:42",maevedeanoru,left 4 survival metaverse badge is pissing me off +0,,"04/23/2021, 20:20:07",romanijio,lol its just kill humans in the metaverse +0,,"04/25/2021, 04:45:32",Lataus_,man all the week 3-4 metaverse champions games got leaked 😔 +0,,"05/01/2021, 01:23:55",Vallows_,metaverse +0,,"04/18/2021, 21:35:46",scrunkledunkle,metaverse champions SUCKS i want egg hunt back +0,,"04/18/2021, 03:00:03",chris12902,"metaverse champions developers please add a ""go back to hub"" button onto your ""YOU GOT THE [TEAM LEADER] CRATE!"" GUIs it would save players so much time please" +0,,"04/25/2021, 13:37:20",CoolLeafYT,metaverse champions is going downhill with all the drama this is why dev hunts suck +0,,"04/29/2021, 13:24:51",Lolxd52867012,metaverse is actualy better than i thought week 1 too hard lol week 2 bad games +0,,"04/18/2021, 18:14:31",quickmoop,metaverse is stinky because i peed in the metaverse.. metaverse? metmemtmmetmatverse +1,"""future""","04/19/2021, 20:26:03",milomiriam_,metaverse is the future of the internet imo ⚡️⚡️⚡️ +0,,"04/18/2021, 06:47:46",dxmiq,metaverse real estate mortgage +0,,"04/30/2021, 22:11:44",Arthur81305586,metaverse roblox is hot +0,,"04/18/2021, 02:37:55",YaBoiSkyy,"metaverse stream was extremely fun, thank you to everyone who showed up, I'll probably be on again tomorrow solo to try to finish up some of the quests I didn't get to today. also late night 2nd channel stream coming soon cus I wanna play some Isaac for a bit" +0,,"04/19/2021, 04:10:48",marc_cyrill,metaverse sucks champion sucks metaverse sucks champion sucks metaverse sucks champion sucks metaverse sucks champion sucks metaverse sucks champion sucks metaverse sucks champion sucks metaverse sucks champion sucks metaverse sucks champion sucks metaverse sucks champion sucks +0,,"04/18/2021, 05:06:41",NikuTheWolf,metaverse would have been an okay concept if it didnt completely replace the egg hunt :') i want. eggs. on. my. head. not. these. crusty. ass. chests!!!! >:'( +0,,"04/30/2021, 22:21:55",_sadmx,"my collectible series had been consisting of 3 pieces, and the last of those is always the most rare and exclusive :) like the Metaverse Maneki Madness and ‘To the Moon’ Chonky 🔥🙌🏼🐈 both were 1/1, but this time the last piece will be a 3/3 👀🔥" +0,,"04/19/2021, 17:16:00",Crqnge,my dumbass thinking #valkyrie was abt metaverse champions 😭 +0,,"04/27/2021, 22:43:13",jacksonfall,"my job when I started: just logo design my job today: logo design, icon design, illustration, custom typography, landing pages, web app, mobile product, perfume design, interior design, playlist curation, community assets, metaverse architecture ??? feels good 😌 🚀" +0,,"04/24/2021, 05:32:11",Kosmic_Storm,my predictions for metaverse week 3 are that every other champions quests will be something like beat tower of hell obby 358 times in a row and sparks is gonna be join any game and jump once for 20 badges +0,,"04/23/2021, 15:16:06",TheLivingPepsi,new video coming within the next few days! yes it does have to do with fe2 update but not really the metaverse part yes headphones are recommended no we are not eating any cake for this video. sorry +0,,"04/20/2021, 01:43:35",6differentgates,ngl I don’t think the metaverse is that bad so far. Just depends on what items we end up getting. +0,,"04/24/2021, 23:49:47",VoItageTech,ngl i dont like the roblox metaverse that much tbh +0,,"04/30/2021, 11:14:55",pedrok0pp,"ngl, i think metaverse champions will go down as one of the greatest roblox events of all time" +0,,"04/23/2021, 04:22:05",CallMeLatasha,no more drops for the next few weeks. Metaverse do your thing <3 +0,,"04/22/2021, 03:47:49",juno89011,no one wanted to do week 2 metaverse with me i'm alone now +0,,"04/25/2021, 01:43:49",slimehdude,no videos or streams this week (and prob next week). gonna study for exams for the whole month so ill be less active on roblox (unless its metaverse champions) and socials until I don't have to worry about it. +0,,"04/21/2021, 18:56:22",FNBRfresh,no way epic is gonna create a metaverse +0,,"04/29/2021, 09:53:21",100PureIsaac,nobody: metaverse: chooses every piggy knockoff but not piggy +0,,"04/22/2021, 17:52:42",ilyazuleaa,not to flex but i still haven’t done any of my metaverse things 😍 +0,,"04/22/2021, 15:51:20",rbjessewastaken,"now that i think about it, the field trip game in the metaverse for roblox isnt too bad for a badge that gets awarded to u for just joining, i mean considering how they'll donate to charity too, i dont get now why people are complaining, its easier then the other games." +0,,"04/21/2021, 20:19:38",TheDavidGersch,oh my! I’m building a @CryptoLeos Metaverse in VR this is huge 🙈 +0,,"04/28/2021, 03:46:00",Lataus_,ok here's something: someone should try recreating the metaverse champions on ACNH +0,,"04/26/2021, 22:05:45",RogueStealth_,okay now that im home do i give up on metaverse and play miner haven or do i get all the badges still +0,,"04/26/2021, 00:15:26",lysskathleen,"okay, i'll finish the final part of strikers off tomorrow. honestly though? i was expecting something different other than the whole metaverse merging with reality and fighting a god thing again" +0,,"04/19/2021, 16:55:42",ItzMeh49601619,omg can someone tell me what metaverse Iss pleaseeee +0,,"04/21/2021, 19:35:52",lirryscola,omg metaverse week 2 t-t +0,,"04/30/2021, 08:35:39",testudo1111,"one hour ago, i was happy to accept the standard agency fee of 15% not now if you want me in the metaverse the cost is 33%" +0,,"04/18/2021, 19:48:13",eclipsyaa,one more metaverse game to go +0,,"04/23/2021, 18:20:33",ShanLegendCool,one of the games on Roblox metaverse champions was gone game called SCP role play +0,,"04/25/2021, 22:17:35",aetherflew,"persona 5 is a bad game because even though there are CHRISTMAS COSTUMES, i CANNOT go into the metaverse on CHRISTMAS DAY and GIVE PRESENTS to SHADOWS" +0,,"04/30/2021, 03:48:46",kleptyke,playing a roblox tycoon game and getting outrageously rich for a metaverse crate #girlboss +0,,"04/18/2021, 21:41:02",Overseeryt2,playing too much roblox THANKS METAVERSE +0,,"04/28/2021, 17:33:40",digitalartchick,"please stop inviting me to podcasts, interviews, metaverse events, nature walks etc you see how much i tweet, you think artchick has time for that???" +0,,"04/18/2021, 15:46:19",juno89011,pls give me metaverse crate or i will die +0,,"04/18/2021, 18:41:05",quickmoop,poop metaverse +0,,"04/18/2021, 02:47:49",IzDa_BaconHair,"pretty much done with week 1, and i dont want to waste my time on the rest of the games. see u later, metaverse -IzDa_BaconHair" +0,,"04/22/2021, 18:42:16",joaodealcantar1,roblox because my free admin sparks item is not in my inventory this is a bug or things like that and i have the metaverse emblem @Roblox +0,,"04/19/2021, 15:02:56",geencream,roblox metaverse aj striker toothbrush bladder with piss dispenser +0,,"05/01/2021, 06:17:20",lucasplayzrobl1,roblox metaverse champions..... .....idk man +0,,"04/20/2021, 02:22:31",Lezb0o,sOMEONE HELP ME BEAT KITTY FOR THE METAVERSE +0,,"04/23/2021, 17:54:47",Dareal2010egh,sharkbite metaverse is rigged +0,,"04/28/2021, 07:13:45",fakergenc,should i make a metaverse champions artwork?? +0,,"04/26/2021, 01:40:24",IamNinjaDude,"since I went for badges from 4 metaverse champions, will I get the grand prize?" +0,,"04/19/2021, 15:11:55",solchaeze,"sino nag sabe last project parallel universe meron pang multiple universe, alternate universe, the metaverse, megaverse, or multiverse. eme" +0,,"04/23/2021, 15:28:52",xpartyhat,"so dissapointed. what happened to elimination tower is so stupid and if you were one the people who caused it, be ashamed. just because the metaverse quest was hard, doesn't mean the game should be banned off the platform... come on" +0,,"04/22/2021, 20:11:54",aetherflew,so do yall think animals w cognitive capabilities can be affected by the metaverse or are humans just Special(tm)? just thinkin abt maruki's reality +2,,"04/21/2021, 23:24:28",Mrflamgo,so what's your opinion about the metaverse champions? +0,,"04/24/2021, 01:54:40",claracxw,so... technically you can do *anything* in the metaverse but people are replicating the white cube gallery model?? +0,,"04/19/2021, 19:36:23",IronMechKiller2,someone really came up to me in the metaverse (i have 47 badges) and said 'i have more badges than you' but were missing one for fey and thus had 47 badges too. lmaooo +0,,"04/23/2021, 08:16:10",crescentfool,"sometimes i think about akechi's criticisms of the phantom thieves' methods and how it opens the floor to discuss the grey area of using the metaverse. the PTs don't adhere to an ethical process of law, and akechi is right (while being hypocritical at the same time)." +0,,"04/21/2021, 04:03:32",chris12902,"sorry for making so many low quality posts lately, i promise i'll get back in the swing of things when metaverse champions wraps up and i'm done with my college semester :v" +0,,"04/24/2021, 13:17:21",vladgar123,"sorry for not saying anything for a long time lts just l have a tiktok account and l think lts useless for me to make tweets l will say my last thing there was a lot of drama with metaverse champions, my yt is Mr shooter discord is gaming server Twitch vladga123 tiktok in comment" +0,,"04/18/2021, 03:27:51",NeuralBricolage,sorry to be rude but so many celebrity NFTs are just too painful to see - artists might be cool but the outcome is beneath them - like a collab with the 80+ year old pop artist for animated BTCs? i wish Ralph Steadman would do a Fear & Loathing in Metaverse +0,,"04/23/2021, 16:03:45",albusbandit,speedrunning metaverse week 1 i only have an hour!!!!!!!!!!!!!!!!!!!!!!!1 +0,,"04/25/2021, 13:23:22",zcovy,streetwear for the metaverse coming soon +0,,"04/24/2021, 12:18:31",RandomIdiot_lol,tbh spark from metaverse champions will actually work well in my troll avatars when the crates open +-1,"""children""","04/22/2021, 23:54:53",GoodGr8Grossman,the Metaverse is for the children. +0,,"04/28/2021, 19:44:43",richparkerrr,the experiences that the metaverse is/will bring is gonna hit the world hard as fuck and folks are gonna love it +0,,"04/19/2021, 21:25:05",Aidan_Wolf,the fundamental building blocks of the metaverse: - a digital identity - a definitive instrument - a way of getting around - a homebase - a companion +0,,"04/24/2021, 16:11:30",bigbadbob234,the metaverse hub is at 33m visits and 90% like:dislike ratio. this has been going well and I am happy :] +0,,"04/24/2021, 08:47:20",divraj,the metaverse is better than netflix but nothing beats tennis +0,,"04/21/2021, 15:48:55",owocki,the metaverse is coming It should be a public good +0,,"04/29/2021, 01:12:45",ariyousatisfied,the metaverse is real tbh +0,,"04/22/2021, 16:11:42",itsurboibru,the metaverse is worse then the guy tripping in fetymal all the time. jesus christ. #MetaverseChampions +0,,"05/01/2021, 09:15:06",theatomickatz,the metaverse mission in egg hunt 2021 enchanted eggos is like... what i'm looking for when these events happen. that was so freaking fun and so clearly made with love +0,,"04/23/2021, 12:28:06",TehRBLX,the metaverse quest cant be completed if you use the gift launcher @AbracadabraRBLX @Simonblox @Rblxopplo +0,,"04/27/2021, 17:23:37",bryceedev,"the only good and impactful marketing move that Roblox marketing has ever done was using the term ""Metaverse"" and applying it to Roblox LOL" +0,,"04/26/2021, 05:51:00",CagsCelso,the second till death metaverse one took WAY TOO FUCKING LONG +0,,"04/22/2021, 11:42:12",med556d,the world is now ready for metaverse week 2 now where is that fe2 update +0,,"04/28/2021, 00:49:28",Kraze_playz13,they need to fix that obby for metaverse in chaos clicker there no reason for it have no spawn points +0,,"04/24/2021, 23:54:43",ro_devo,this is my new display name until the end of Metaverse +0,,"04/18/2021, 17:08:53",IzDa_BaconHair,"this is my plan for metaverse: first, get all the badges and crates, and then get the hell outta dodge" +0,,"04/22/2021, 02:07:43",testudo1111,"this is the simplest way i can explain what i understand so far about the future metaverse imagine you could tell siri to dress you in your favorite AVI look and teleport you to some virtual real estate it is basically discord and clubhouse and twitter and facebook, but web 3.0" +0,,"04/24/2021, 12:15:22",umanesimoart,through #OBJKT4OBJKT we're discovering so many cool artists and #nftart. We seriously need a UX/UI boost or third parties galleries/metaverse to explore all this amazing stuff. @hicetnunc2000 +0,,"04/18/2021, 00:18:48",HectolitersVR,to whoever is making metaverse p2w: fuck you +0,,"04/27/2021, 21:14:21",BendBricks,today will be the day i get that [Metaverse] Copyrighted Artists badge only badge i need to complete week two but i need 4 volunteers too help once metaverse round starts miss click a ton i click the correct ones +0,,"04/27/2021, 14:14:42",karsendaily,"tomorrow i’m talking about avatar phenomenons, diversifying data, and identity politics in the metaverse — lmk who i should invite to join this panel ⬇️⬇️⬇️" +0,,"04/26/2021, 04:29:10",Bernade53410319,uh chaos clicker owners please put spawnpoints on the metaverse obby +0,,"04/21/2021, 22:19:04",gamers_series,we're several seasons away from creating the real metaverse . +0,,"04/22/2021, 04:15:27",Benedic61937311,week 2 metaverse whats ur first crate? +0,,"04/19/2021, 15:51:02",Squigglere,week 2 of the metaverse is out!!! +0,,"04/28/2021, 15:19:25",tenacityy,week 3 of metaverse is coming up soon and you haven’t even done week 2 😦 @KreekCraft you don’t have that much time to finish it +0,,"04/28/2021, 20:08:15",bababooey90001,week 3 of metaverse starts POG moment 👁🕳👁 +0,,"04/21/2021, 23:37:29",Zapphyrex,welcome to roblox metaverse!! do you wanna play a fps zombie shooter for 40 minutes or join a zombie story and immediately leave to get a badge? +0,,"04/18/2021, 20:43:35",regularpanties,"well, early dialogue for p5 vanilla got interesting. stuff happening in the metaverse affecting the real world that's not a change of heart?" +0,,"04/17/2021, 21:47:08",tricc_aa,what are everyone's thoughts on the metaverse champions? ^^ +0,,"04/21/2021, 20:05:07",SnowskateerRBLX,what is this metaverse that roblox keeps going on about? back in my day the only metaverse that existed was the one that activated mystic mine from the deck! +0,,"04/20/2021, 01:21:26",MonetSupply,what metaverse platform offers the best building/architecture experience? trying to transition my gf from the sims :) +0,,"04/30/2021, 21:42:04",LeoMehr,"what really is ""identity"" on the internet? what will it become when we all enter the metaverse? perhaps we'll need decentralized IDs for public info and authorization" +0,,"04/17/2021, 19:56:24",ShutupAbbyyy,what team u guys want to be in for the metaverse champiions? +0,,"04/19/2021, 02:08:22",CortSiriGoogle,what the heck does metaverse mean +-1,"""heck""","04/20/2021, 02:35:31",renbugzz,what the heck is a metaverse +0,,"04/19/2021, 19:02:47",bellalou__,"whats cool about the metaverse: - artist connects with an audience directly their land becomes their “real estate” they can’t be kicked off or pushed off an address - in the same way, anyone who wants to speak to ppl directly will do this by building a gallery or museum" +0,,"04/22/2021, 13:25:59",mattysino,when COPE hits 10 I wrestle a bear in the metaverse* *subject to bears and conditions +0,,"04/27/2021, 03:49:25",jazlyn_jin,while i'm not used to taking breaks at all (still can't believe i took one to watch an entire anime + movie) MAN madoka magica is so inspiring and stylized????? especially the witches makes you think of new ways to portray the metaverse +0,,"04/18/2021, 05:36:08",Lataus_,who's idea was it to let in a broken tsunami game into the metaverse champions +0,,"04/17/2021, 20:59:06",jadeofarcc,why did emergency response get picked for the metaverse.😐 +0,,"04/30/2021, 20:31:00",mahawa69420,why do the w3 metaverse champions take so long +0,,"04/23/2021, 06:58:36",dilucdisliker,why is there an admin house in the metaverse. bro? +0,,"04/28/2021, 12:32:36",cynoctis,why would goro say it’s “been a while” since the last time he fought in the metaverse if he really died in the engine room? that’s not much of a gap if that’s the last thing he remembers +0,,"04/25/2021, 12:33:35",StrangerJayden,wow piggy isnt even in metaverse champions but games like guesty and ronald are +0,,"04/18/2021, 16:48:39",iheartspifey,wtf is a metaverse +0,,"04/25/2021, 10:11:33",Edwin31973798,wtf is roblox metaverse +0,,"04/22/2021, 07:55:52",setzerino,yeah quitting metaverse lol will maybe come back idk +0,,"04/19/2021, 01:26:56",adultarts,yes im building a d!ck sh@ped house in the metaverse... a safe space for people to creatively express themselves in any way they want... yes im building it for yall 2 cum... [that being said if anyone knows alot about decentraland HMU] +0,,"04/18/2021, 05:51:27",jjksbananaamilk,yo metaverse is lowkey fun there’s SO MANY GAMES WTH if they replaced egg hunt +0,,"04/25/2021, 23:41:15",forbiddenwest,zenkichi being shocked when the thieves said that this was the 2nd time the metaverse and the world collided made me realise that holy shit only the thieves remember the final fight and mementos taking over also that they said that only they remember but still +0,,"04/21/2021, 12:41:14",forbiddenwest,zenkichis reaction to the metaverse and morgana has to be my favourite in any p5 game \ No newline at end of file diff --git a/src/functions.py b/src/functions.py index 658d0f99975030d9168d14ac36a7573d3318c991..d0e96fceb6877b04f7e14d945acbcd65ba37f773 100644 --- a/src/functions.py +++ b/src/functions.py @@ -1,9 +1,16 @@ import datetime as dt +import numpy as np +from textblob import Word +from keras.preprocessing.text import Tokenizer +from keras.utils.data_utils import pad_sequences + +# Fonction permettant de construire la requête à partir des termes à chercher, à filtrer, des filtres, et des dates voulues def construct_query(terms, negativeTerms, filters, negativeFilters, beginDate="", endDate=""): query = "" + # On construit la chaîne de caractère de la requête de manière itérative for t in terms: query += t+" " @@ -24,36 +31,51 @@ def construct_query(terms, negativeTerms, filters, negativeFilters, beginDate="" return (query) +# Fonction qui supprime les \n des tweets + def supress_n(text): str = text.replace('\n', ' ') return (str) +# Fonction qui renvoie True si le tweet commence par un emoji + def supress_emoji(text): return (text.encode('unicode-escape').decode("ASCII").startswith('\\U') or text.encode('unicode-escape').decode("ASCII").startswith('\\u')) +# Fonction qui convertit une date datetime en string au format voulu + def convert_date_str(date): return (date.strftime( "%m/%d/%Y, %H:%M:%S")) +# Fonction qui convertir un date datetime en string au format requis pour une requête + def convert_date_query(date): return (date.strftime( "%Y-%m-%d_%H:%M:%S_UTC")) +# Fonction qui récupère les différentes dates des périodes entre beginDate et endDate, séparées de timeDelay jours + def get_dates(beginDate, endDate, timeDelay): dateList = [beginDate] + # On calcule la différence en jours entre la date de fin et celle de début deltaTime = endDate - beginDate + # On ajout à la liste de date, la date de début + le timeDelay multiplié par i for i in range(1, int(deltaTime.days/timeDelay)+1): dateList.append(beginDate+dt.timedelta(days=timeDelay*i)) + # On renvoie la liste des dates toutes converties au format pour les requêtes return (list(map(convert_date_query, dateList))) +# Fonction qui convertit une date datetime en int en s + def time_to_num(date): clean_date = date[12:] @@ -62,17 +84,160 @@ def time_to_num(date): clean_date[3:5]), int(clean_date[6:8]) return ss + 60*(mm+60*hh) +# Fonction qui pour une table de tweets données calcule la fréquence des tweets en calculant le tweet le plus récent et le plus ancien, et en divisant par le nombre de tweets entre les deux + def calc_frequency(table_tweets): table_tweets_list = list(table_tweets) return (len(table_tweets)/abs(time_to_num(table_tweets_list[0])-time_to_num(table_tweets_list[-1]))) +# Fonction qui pour un tweet et une liste de termes données, renvoie True si le tweet doit être gardé et False s'il doit être filtré + def keep_tweet(tweet, terms): filterTweet = True + # Pour chaque terme de la requête on regarde si le terme est dans le nom d'utilisateur du tweet, auquel cas le tweet ne nous intéresse pas for t in terms: filterTweet = filterTweet and not (t in tweet.user.username.lower( ) or t in tweet.user.displayname.lower()) + # On regarde si le tweet commence par un emoji pour supprimer les spams return (filterTweet and not (supress_emoji(tweet.rawContent))) + +# Fonction qui convertit les notes des tweets en vecteur de probabilités pour le modèle de ML + + +def vector_sentiment(s): + match(s): + # Cas positif + case 1: + return ([1., 0., 0.]) + # Cas négatif + case -1: + return ([0., 0., 1.]) + # Cas neutre + case 2: + return ([0., 1., 0.]) + + case "positive": + return ([1., 0., 0.]) + + case "negative": + return ([0., 0., 1.]) + + case "neutral": + return ([0., 1., 0.]) + + case _: + return (0) + +# Fonction qui renvoie pour une dataframe la liste des indices des lignes non notées + + +def get_rows_to_clean(df): + row_clean = [] + for row in range(len(df)): + if (df.at[row, 'sentiment'] != -1. and df.at[row, 'sentiment'] != 1. and df.at[row, 'sentiment'] != 2.): + row_clean.append(row) + + return (row_clean) + +# Fonction de traitement des données + + +def cleaning(df, stop_words, column): + df[column] = df[column].apply( + lambda x: ' '.join(x.lower() for x in x.split())) + # Remplacement des nombres + df[column] = df[column].str.replace('d', '') + # Retirer les stop-words + df[column] = df[column].apply( + lambda x: ' '.join(x for x in x.split() if x not in stop_words)) + # Lemmatisation à partir de la fonction Word de textblob + df[column] = df[column].apply( + lambda x: ' '.join([Word(x).lemmatize() for x in x.split()])) + return df + + +def tokenize(data, stop_words, vocab_size, column, sentiment): + # Traitement des données + data_cleaned = cleaning(data, stop_words, column) + + # Tokenisation + tokenizer = Tokenizer(num_words=vocab_size, split=' ') + # Création de l'indice de vocabulaire + tokenizer.fit_on_texts(data_cleaned[column].values) + # Remplacement des mots par des vecteurs leur correspondant, calculés à partir de l'indice + x = tokenizer.texts_to_sequences(data_cleaned[column].values) + # Place tous les vecteurs à la même longueur avant un zero-padding + x = pad_sequences(x) + + # Remplacement des notes par des vecteurs à 3 dimensions conformément au modèle + y = np.array([vector_sentiment(s) for s in data_cleaned[sentiment]]) + + return (x, y, tokenizer.to_json()) + +# Fonction qui clean les mots pour les dictionnaires positifs/négatifs + + +def clean_pos_neg_word(word): + # On retire les guillemets de début et de fin + if (word[0] == "\"" and word[-1] == "\""): + word = word[1:-1] + + # Liste contenant les mots à renvoyer + words = [] + current_word = "" + + # On parcourt la chaîne de caractère et à chaque virgule rencontrée, on note le mot qu'on vient de parcourir dans la liste + for char in word: + if (char == ","): + words.append(current_word) + current_word = "" + + elif (char == " "): + pass + + else: + current_word += char + + # On met en minuscule et on lemmatise les mots + for i in range(len(words)): + words[i] = words[i].lower() + words[i] = ' '.join([Word(x).lemmatize() for x in words[i].split()]) + + return (words) + +# Fonction qui renvoie le dictionnaire de mots positifs et négatifs depuis notre df + + +def get_pos_neg_dict(df): + dict_pos = {} + dict_neg = {} + + # On parcourt le df + for row in range(len(df)): + mot = df.at[row, "mots clés"] + sentiment = df.at[row, "sentiment"] + + # Si un mot clé a été rempli sur la ligne, one récupère les mots + if (type(mot) == str): + liste_mots = clean_pos_neg_word(mot) + + # Pour tous les mots de la liste, si le tweet est positif ou l'ajoute au dictionnaire correspondant ou on incrémente sa fréquence s'il est déjà présent + # et réciproquement pour les tweets négatifs + for m in liste_mots: + + if (sentiment == 1.): + if (m in dict_pos.keys()): + dict_pos[m] += 1 + else: + dict_pos[m] = 1 + if (sentiment == -1.): + if (m in dict_neg.keys()): + dict_neg[m] += 1 + else: + dict_neg[m] = 1 + + return (dict_pos, dict_neg) diff --git a/src/model.py b/src/model.py new file mode 100644 index 0000000000000000000000000000000000000000..160083712f64ab0000e51dc05992429f0f2cbff7 --- /dev/null +++ b/src/model.py @@ -0,0 +1,237 @@ +import json +import io +import matplotlib.pyplot as plt +import pandas as pd +import numpy as np +import nltk as nltk +import keras as keras +import datetime as dt +from nltk.corpus import stopwords +from sklearn.metrics import ConfusionMatrixDisplay +from keras.models import Sequential +from keras.layers import Dense, Embedding, LSTM, SpatialDropout1D +from keras.utils.data_utils import pad_sequences +from sklearn.metrics import confusion_matrix +from sklearn.model_selection import train_test_split +from keras_preprocessing.text import tokenizer_from_json +from functions import get_rows_to_clean, cleaning, tokenize, get_pos_neg_dict + +VOCAB_SIZE = 2000 +EMBED = 128 +LSTM_DIM = 196 + +# Téléchargement des stop-words +nltk.download('stopwords') +nltk.download('wordnet') + +# Liste des stop-words anglais de la librairie nltk +stop_words = stopwords.words('english') + +# Demande à l'utilisateur s'il veut utiliser un modèle déjà entraîné +new_model = input("Utiliser modèle existant ? (y/n) : ") + +# Cas où l'utilisateur veut entraîner un nouveau modèle +if (new_model == "n"): + # Demande à l'utilisateur le dataset à utiliser et s'il faut sauvegarder le modèle + data_to_use = input("Utiliser les tweets ou le dataset de review (t/d) : ") + save_model = input("Sauvegarder le modèle (y/n) : ") + + # Cas du dataset de review + if (data_to_use == "d"): + # Chargement des données + data = pd.read_csv("Data/review.csv") + + # Récupération du tokenizer et des listes (tweets, predictions) + x, y, tokenizer_json = tokenize( + data, stop_words, VOCAB_SIZE, "Sentence", "Sentiment") + + else: + # Chargement des données + data1 = pd.read_csv("Data/tweet1.csv") + data2 = pd.read_csv("Data/tweet2.csv") + + # Concaténation des deux datasets + data = pd.concat([data1, data2], ignore_index=True) + + # Récupération des dictionnaires de termes positifs/négatifs + d1, d2 = get_pos_neg_dict(data) + print(d1) + print(d2) + + # On ne prend que les colonnes qui nous intéressent + real_data = pd.DataFrame(columns=["tweet", "sentiment"]) + real_data = pd.concat([data["tweet"], data["sentiment"]], + axis=1) + + # On nettoie les lignes non notées + row_to_clean = get_rows_to_clean(real_data) + real_data = real_data.drop(row_to_clean) + + # Récupération du tokenizer et des listes (tweets, predictions) + x, y, tokenizer_json = tokenize(real_data, stop_words, + VOCAB_SIZE, "tweet", "sentiment") + + # Divise les données d'entraînement en données de training et de test + x_train, x_test, y_train, y_test = train_test_split( + x, y, test_size=0.33, random_state=42) + + # Construction du modèle + model = Sequential() + + # Couche d'entrée avec une limite de vocabulaire de 2000, une et une dimension (batch, embed_dim, x_shape) + model.add(Embedding(VOCAB_SIZE, EMBED, input_length=x.shape[1])) + model.add(SpatialDropout1D(0.4)) + + # Couche LSTM de dimension donnée + model.add(LSTM(LSTM_DIM, dropout=0.2, recurrent_dropout=0.2)) + + # Couche de sortie avec un vecteur de 3 probabilités + model.add(Dense(3, activation='softmax')) + + # Compilation du modèle + model.compile(loss='categorical_crossentropy', + optimizer='adam', metrics=['accuracy']) + print(model.summary()) + + # Entrainement + history_train = model.fit(x_train, y_train, + epochs=20, batch_size=32, verbose=1, validation_split=0.33) + + # Test du modèle + model.evaluate(x_test, y_test) + + if (save_model == "y"): + # Nom du modèle + name = input("Nom du modèle : ") + + # On sauvegarde le modèle + model.save('../models/'+name) + + print(history_train.history.keys()) + + # On affiche l'historique de la précision du modèle + plt.plot(history_train.history['accuracy']) + plt.plot(history_train.history['val_accuracy']) + plt.title('model accuracy') + plt.ylabel('accuracy') + plt.xlabel('epoch') + plt.legend(['train', 'test'], loc='upper left') + plt.show() + + # On affiche l'historique de la perte du modèle + plt.plot(history_train.history['loss']) + plt.plot(history_train.history['val_loss']) + plt.title('model loss') + plt.ylabel('loss') + plt.xlabel('epoch') + plt.legend(['train', 'test'], loc='upper left') + plt.show() + +# Cas où on utilise un modèle déjà entraîné +else: + # Demande à l'utilisateur le modèle à utiliser + model_to_use = input("Nom du modèle à utiliser (default=my_model) : ") + + # Charge le modèle à utiliser, en gérant le cas par défaut où l'utilisateur n'a rien écrit + reconstructed_model = keras.models.load_model("../models/my_model") + if (model_to_use != ""): + reconstructed_model = keras.models.load_model( + "../models/"+model_to_use) + + # Demande à l'utilisateur l'analyse qu'il veut faire : matrice de confusion / analyse des tweets sur le temps + matrice_conf = input("Matrice Confusion ou Moyenne sur le temps (c/t) : ") + + # Cas de la matrice de confusion + if (matrice_conf == "c"): + # On charge les données à prédire + data_predict = pd.read_csv("Data/prediction.csv") + + # Traitement des données + data_predict_cleaned = cleaning(data_predict, stop_words, "tweet") + + # Tokenisation + with open('../models/tokenizer.json') as f: + tokenizer = tokenizer_from_json(json.load(f)) + + x_predict = tokenizer.texts_to_sequences( + data_predict_cleaned['tweet'].values) + # Place tous les vecteurs à la même longueur avant un zero-padding + x_predict = pad_sequences(x_predict, maxlen=39) + + # Fait les prédictions + prediction = reconstructed_model.predict(x_predict) + + # Affiche les tweets avec leur prédiction + for p in range(len(prediction)): + print(data_predict.at[p, "tweet"], " ", prediction[p]) + + # On charge les réponses attendues et celles prédites + y_pred = np.array([np.argmax(i) for i in prediction]) + y_test = np.array([i for i in data_predict["sentiment"]]) + labels = ["Positif", "Neutre", "Négatif"] + + # Construit la matrice de confusion + cm = confusion_matrix(y_test, y_pred) + + # Affiche la matrice de confusion + disp = ConfusionMatrixDisplay( + confusion_matrix=cm, display_labels=labels) + + disp.plot(cmap=plt.cm.Blues) + plt.show() + + # Cas où l'utilisateur veut une analyse sur le temps + else: + # Nombre de périodes à analyser + period = int(input("Nombre de périodes : ")) + + x = [] + y = [] + + # Pour chaque période + for i in range(period): + # Chargement des données + data = pd.read_excel("../output/twitter_data_"+str(i)+".xlsx") + + # Traitement des données + data_cleaned = cleaning(data, stop_words, "tweet") + + # Tokenisation + with open('../models/tokenizer.json') as f: + tokenizer = tokenizer_from_json(json.load(f)) + + x_predict = tokenizer.texts_to_sequences( + data_cleaned['tweet'].values) + # Place tous les vecteurs à la même longueur avant un zero-padding + x_predict = pad_sequences(x_predict, maxlen=39) + + # Predictions du modèle + prediction = reconstructed_model.predict(x_predict) + + # Tableau des analyses, reconstruit avec les valeurs -1(neg)/0(neut)/1(pos) + analysis = np.array([np.argmax(i) for i in prediction]) + + analysis[analysis == 0] = 3 + analysis[analysis == 1] = 0 + analysis[analysis == 2] = -1 + analysis[analysis == 3] = 1 + + # Stocke la date de la période et la moyenne des sentiments des tweets + x.append(dt.datetime.strptime( + data.at[i, "date"], '%m/%d/%Y, %H:%M:%S').strftime("%m-%Y")) + y.append(np.mean(analysis)) + + # Affiche les données obtenues + fig, ax = plt.subplots() + ax.plot(x, y) + plt.ylabel('Sentiment') + plt.xlabel('Période') + plt.title( + "Graphique de l'évolution des sentiments des tweets sur le metaverse") + + ax.grid(True, which='both') + + ax.axhline(y=0, color='r', linestyle="--") + plt.xticks(fontsize=3) + + plt.show() diff --git a/src/old_coding_weeks/emotions_fct.py b/src/old_coding_weeks/emotions_fct.py deleted file mode 100644 index 91832e4a32ad041e091c7a81ea0ee71dfed77651..0000000000000000000000000000000000000000 --- a/src/old_coding_weeks/emotions_fct.py +++ /dev/null @@ -1,77 +0,0 @@ - -""" - Ce programme permet d'analyser un dataframe de tweet (sentiments) - et de renvoyer des dataframes prêt à la visualisation -""" -import math -import pandas as pd -from nrclex import NRCLex -from textblob import TextBlob - - -def emo_analysis(dataframe): - """Analyse les sentiments présents dans les tweets fournis - - Args: - dataframe (dataframe): dataframe avec les tweets - - Returns: - list(dataframe,dataframe): listes de deux dataframes. - Le premier contient le traitement des emotions - et le second le traitement global - """ - - # on ne garde que les textes - data_text = dataframe['tweet'] - - # on crée une chaine de caractère contenant tous les textes concaténés - stack = data_text.str.cat(others=None, sep=None, - na_rep=None, join='left') - - # on calcule les occurences des mots par émotion - scores_dict = NRCLex(stack).raw_emotion_scores - - # si aucun mot n'a été trouvés pour une catégorie, on crée la case et on la met à zéro - for word in ['fear', 'anger', 'joy', 'sadness', 'disgust', 'surprise', 'negative', 'positive']: - if word not in scores_dict: - scores_dict[word] = 0 - - # PARTIE 1 : EMOTIONS - # pour calculer la fréquence on a besoin d'un compteur des 6 émotions - emo_tot = scores_dict['fear'] + scores_dict['anger'] + scores_dict['joy'] + \ - scores_dict['sadness'] + scores_dict['disgust'] + \ - scores_dict['surprise'] - - # on crée le dataframe des émotions - dataframe1 = pd.DataFrame({ - 'Emotion': ['fear', 'anger', 'joy', 'sadness', 'disgust', 'surprise'], - 'Frequency': [scores_dict['fear']/emo_tot, - scores_dict['anger']/emo_tot, - scores_dict['joy']/emo_tot, - scores_dict['sadness']/emo_tot, - scores_dict['disgust']/emo_tot, - scores_dict['surprise']/emo_tot] - }) - - # PARTIE 2 : OTHER DATA - global_tot = scores_dict['positive'] + scores_dict['negative'] - stack_tb = TextBlob(stack) - - fav = dataframe['favorite_count'] - fav_freq = fav.mean()/7500000 - alpha = 2000000 - - # pour la fame, on fait une comparaison au tweet le plus liké : 7.5 millions - # on a donc un résultat entre 0 et 1 - # on veut zoomer proche de zéro, et tasser proche de 1, en gardant des résultats entre 0 et 1 - # on utilise la fonction f(x)=log(1+alpha*x)/log(1+alpha) - - dataframe2 = pd.DataFrame({ - 'Global': ['Positivity', 'Subjectivity', 'Fame'], - 'Frequency': [scores_dict['positive']/global_tot, - stack_tb.sentiment.subjectivity, - math.log(1+alpha*fav_freq)/math.log(1+alpha)] - - }) - - return ([dataframe1, dataframe2]) diff --git a/src/old_coding_weeks/fetch_words.py b/src/old_coding_weeks/fetch_words.py deleted file mode 100644 index 1b0bf9f869aca17481fd56a961dea24326c29025..0000000000000000000000000000000000000000 --- a/src/old_coding_weeks/fetch_words.py +++ /dev/null @@ -1,60 +0,0 @@ - -""" -A partir d'un dataframe, on fait une selection des 12 -mots les plus fréquents pour ensuite créer la mosaïque d'images. - -""" - -from collections import Counter -from textblob import TextBlob - - -def frequent_words(dataframe, num): - """recherche les n mots les plus fréquents dans - un dataframe de tweets - - Args: - dataframe (datafram): contient les tweets - num (integer): nombre de mots recherchés - - Returns: - list(strings): liste des mots n mots les plus fréquents - """ - text = "" - - for tweet in dataframe["tweet"]: - - text += " " + tweet - - text = text.lower() - - # On enlève au texte les chaines de carctères inutiles qui reviennent souvent - - remove = ["https://t.co/", "&", "@", - "▫️", "•", "'", " ’ ", "\"", " i ", " t ", " s "] - for mot in remove: - text = text.replace(mot, ' ') - - text = TextBlob(text) - - nouns_in_text = [w for (w, pos) in text.tags if ( - pos[0] == 'N' or pos[0] == 'NN' or pos[0] == 'NNP' or pos[0] == 'NNS' or pos[0] == 'NNPS')] - - # on enlève les mots de moins de 3 caractères - i = 0 - while i < len(nouns_in_text): - if len(nouns_in_text[i]) < 3: - nouns_in_text.pop(i) - i = i+1 - - # On crée une liste avec des couples de la forme ("mot", nombre d'occurrences). - counter = Counter(nouns_in_text) - # on supprime le mot 's' qui apparait tout le temps - del counter['s'] - # On prend dans la liste Counter les n mots les plus fréquents. - most_frequent = counter.most_common(num) - - # Finalement, on fait une liste uniquement avec les mots. - most_frequent_words = [couple[0] for couple in most_frequent] - - return most_frequent_words diff --git a/src/scrapper.py b/src/scrapper.py new file mode 100644 index 0000000000000000000000000000000000000000..9edc3c004ce43dcbdce8fc907ebefb15ddceab47 --- /dev/null +++ b/src/scrapper.py @@ -0,0 +1,81 @@ +import snscrape.modules.twitter as sntwitter +import pandas as pd +import datetime as dt + +from functions import construct_query, convert_date_str, supress_n, keep_tweet, get_dates + +# Liste contenant les différentes tables pandas construites au cours du temps +list_table = [] + +# Table pandas contenant la date, le nom d'utilisateur, et le contenu de chaque tweet +table = pd.DataFrame(columns=['date', 'username', 'tweet']) + +# Liste des termes à inclure et à filtrer dans la requête +terms = ["metaverse", "i OR you OR i'd OR i'm OR i've", + "just OR anything OR everything OR only OR ! OR ?"] +negativeTerms = ["crypto", "currency", "cryptocurrency", + "bitcoin", "ethereum", "#metaverse", "event", "nft", "events", "valkyrie", "valk", "nfts", "valks", "eth", "btc", "ar", + "champions", "champion", "winner", "winners", "roblox", "prize", "box", "boxes", "ape", "$BTC", "$ETC", "week"] + +# Liste des filtres et des filtres négatifs de la requête +filters = [] +negativeFilters = ["replies", "links", "retweets", "nativeretweets"] + +# Liste des langues des tweets à considérer +languages = ["en"] + +# Date de début et de fin de scrap des tweets +beginDate = dt.datetime(2023, 1, 1, 12, 00, 00) +endDate = dt.datetime(2023, 6, 1, 12, 00, 00) + +# Délais entre deux périodes à scraper en jours +timeDelay = 50 + +# On calcule l'ensemble des dates intermédiaires, entre la date début, celle de fin, avec un écart de timeDelay entre deux dates consécutives +dateList = get_dates(beginDate, endDate, timeDelay) + +# Nombre de tweets à scraper sur chaque période +tweetNumber = 200 + +# Compteur du nombre total de tweet déjà scrapés, pour connaître l'avancement en temps réel +totalTweetCounter = 0 + +# On parcourt toutes les dates calculées +for d in range(len(dateList)-1): + # A chaque nouvelle date, on réinitialise la table pandas et le compteur de tweet de la période + table = pd.DataFrame(columns=['date', 'username', 'tweet']) + tweetCounter = 0 + + # On construit la requête et on scrape les différents tweets + for i, tweet in enumerate(sntwitter.TwitterSearchScraper(query=construct_query(terms, negativeTerms, filters, negativeFilters, dateList[d], dateList[d+1])).get_items()): + + # Si le compteur de la période dépasse le nombre de tweets voulus, on arrête la boucle + if tweetCounter >= tweetNumber: + break + + # On filtre sur la langue + if (tweet.lang in languages): + # Construction d'un dictionnaire pour initialiser la table pandas + dict = {'date': convert_date_str( + tweet.date), 'username': tweet.user.username, 'tweet': supress_n(tweet.rawContent)} + + # Si le tweet est à garder (si les termes de la requête n'apparaissent pas dans le nom d'utilisateur et que le tweet ne commence pas par un emoji) + if (keep_tweet(tweet, terms)): + # On concatène le tweet en cours à la table en cours de construction + table = pd.concat([table, pd.DataFrame.from_records([dict])]) + + # On incrémente les compteurs de tweets + tweetCounter += 1 + totalTweetCounter += 1 + + # On affiche l'avancement en temps réel + print(round(totalTweetCounter/((len(dateList)-1)*tweetNumber)*100, 1), " %") + + # Pour tous les tweets de la période, on supprime les duplicatas et on ajoute la table pandas à la liste des tables finales + table = table.drop_duplicates(subset=["tweet"]) + list_table.append(table) + +# On parcourt toutes les tables construites et on les exporte au format voulu +for i in range(len(list_table)): + list_table[i].to_excel("../output/twitter_data_" + + str(i)+".xlsx") diff --git a/test.py b/test.py deleted file mode 100644 index 9bc9431570032e95cb435969bd8837623e36414a..0000000000000000000000000000000000000000 --- a/test.py +++ /dev/null @@ -1,26 +0,0 @@ -import datetime - -test = '2020-07-01_12:00:00_UTC' - -date = datetime.datetime(2020, 7, 30, 12, 00, 00) -d2 = datetime.datetime(2022, 7, 30, 12, 00, 00) -time = 7 - -dateTime = date + datetime.timedelta(days=7) -delta = d2-date - -print(delta.days) - - -def convert_date_query(date): - return (date.strftime( - "%Y-%m-%d_%H:%M:%S_UTC")) - - -t = [date, d2] -print(list(map(convert_date_query, t))) -print(dateTime) - - -print(convert_date_query(date)) -print(convert_date_query(dateTime))