diff --git a/gru_attention.ipynb b/gru_attention.ipynb new file mode 100644 index 0000000..ef70c33 --- /dev/null +++ b/gru_attention.ipynb @@ -0,0 +1,448 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "gru_attention.ipynb", + "provenance": [], + "collapsed_sections": [] + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "cell_type": "code", + "metadata": { + "id": "oinaxXuLWqvW" + }, + "source": [ + "! pip install bpe" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "0x-5p_va6YMa" + }, + "source": [ + "import torch \r\n", + "import re\r\n", + "import random\r\n", + "import pandas\r\n", + "import numpy\r\n", + "from torch.autograd import Variable\r\n", + "import torch.nn as nn\r\n", + "import time\r\n", + "import math\r\n", + "from torch import optim\r\n", + "import torch.nn.functional as F\r\n", + "from bpe import Encoder\r\n", + "\r\n", + "\r\n", + "device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\r\n", + "SOS_token = 0\r\n", + "EOS_token = -1" + ], + "execution_count": 5, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "_FAYpub6Icy6" + }, + "source": [ + "\r\n", + "class EncoderRNN(nn.Module):\r\n", + " def __init__(self, input_size, hidden_size):\r\n", + " super(EncoderRNN, self).__init__()\r\n", + " self.hidden_size = hidden_size\r\n", + "\r\n", + " self.embedding = nn.Embedding(input_size, hidden_size)\r\n", + " self.gru = nn.GRU(hidden_size, hidden_size)\r\n", + "\r\n", + " def forward(self, input, hidden):\r\n", + " embedded = self.embedding(input).view(1, 1, -1)\r\n", + " output = embedded\r\n", + " output, hidden = self.gru(output, hidden)\r\n", + " return output, hidden\r\n", + "\r\n", + " def initHidden(self):\r\n", + " return torch.zeros(1, 1, self.hidden_size, device=device)\r\n", + "\r\n", + "class DecoderRNN(nn.Module):\r\n", + " def __init__(self, hidden_size, output_size):\r\n", + " super(DecoderRNN, self).__init__()\r\n", + " self.hidden_size = hidden_size\r\n", + "\r\n", + " self.embedding = nn.Embedding(output_size, hidden_size)\r\n", + " self.gru = nn.GRU(hidden_size, hidden_size)\r\n", + " self.out = nn.Linear(hidden_size, output_size)\r\n", + " self.softmax = nn.LogSoftmax(dim=1)\r\n", + "\r\n", + " def forward(self, input, hidden):\r\n", + " output = self.embedding(input).view(1, 1, -1)\r\n", + " output = F.relu(output)\r\n", + " output, hidden = self.gru(output, hidden)\r\n", + " output = self.softmax(self.out(output[0]))\r\n", + " return output, hidden\r\n", + "\r\n", + " def initHidden(self):\r\n", + " return torch.zeros(1, 1, self.hidden_size, device=device)" + ], + "execution_count": 6, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "Rf550t9_ec3g" + }, + "source": [ + "vocab_size = 1500\r\n", + "bpe_encoder_pl = Encoder(vocab_size=vocab_size, pct_bpe=0.5)\r\n", + "bpe_encoder_en = Encoder(vocab_size=vocab_size, pct_bpe=0.5)" + ], + "execution_count": 7, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "uJObUcjOe_SM" + }, + "source": [ + "MAX_LENGTH = 80\r\n", + "\r\n", + "\r\n", + "def filter_pair(p):\r\n", + " return len(p[0]) < MAX_LENGTH and \\\r\n", + " len(p[1]) < MAX_LENGTH and \\\r\n", + " len(p[0]) > 0 and \\\r\n", + " len(p[1]) > 0\r\n", + "\r\n", + "\r\n", + "def filter_pairs(pairs):\r\n", + " return [pair for pair in pairs if filter_pair(pair)]\r\n", + "\r\n", + "\r\n", + "def normalize_string(s):\r\n", + " s = s.lower().strip()\r\n", + " s = re.sub(r\"([.!?~])\", r\" \\1\", s)\r\n", + " return s\r\n", + "\r\n", + "\r\n", + "def sentence_to_codes(s, bpe_coder):\r\n", + " s = normalize_string(s)\r\n", + " #s += \" ___\"\r\n", + " c = next(bpe_coder.transform([s]))\r\n", + " #c.append(EOS_token)\r\n", + " return c\r\n", + "\r\n", + "\r\n", + "def read_langs(in_f, exp_f, lines=150):\r\n", + " print(\"Reading lines...\")\r\n", + "\r\n", + " # Read the file and split into lines\r\n", + " linesIn = open(in_f).read().strip().split('\\n')[:lines]\r\n", + " linesOut = open(exp_f).read().strip().split('\\n')[:lines]\r\n", + " #for i, (line_in, line_out) in enumerate(zip(linesIn, linesOut)):\r\n", + " # linesIn[i] += normalize_string(line_in) \r\n", + " # linesOut[i] += normalize_string(line_out) + \" ~\"\r\n", + " bpe_encoder_pl.fit(linesIn)\r\n", + " bpe_encoder_en.fit(linesOut)\r\n", + " # Split every line into pairs and normalize\r\n", + " pairs = [[sentence_to_codes(a, bpe_encoder_pl),sentence_to_codes(b, bpe_encoder_en)] for a,b in zip(linesIn,linesOut)]\r\n", + "\r\n", + " pairs = filter_pairs(pairs)\r\n", + " print(\"Pairs created\")\r\n", + " return pairs" + ], + "execution_count": 8, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "POCQzFXTmnPx" + }, + "source": [ + "code_pairs = read_langs('train/in.tsv', 'train/expected.tsv', 2500)" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "VwsDASIQCyOz" + }, + "source": [ + "#code_pairs[0]" + ], + "execution_count": 18, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "ZmamapSQw1S5" + }, + "source": [ + "#bpe_encoder_en.bpe_vocab" + ], + "execution_count": 19, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "PVfbcwHenhEB" + }, + "source": [ + "teacher_forcing_ratio = 0.95\r\n", + "\r\n", + "def train(input_tensor, target_tensor, encoder, decoder, encoder_optimizer, decoder_optimizer, criterion, max_length=MAX_LENGTH):\r\n", + " encoder_hidden = encoder.initHidden()\r\n", + "\r\n", + " encoder_optimizer.zero_grad()\r\n", + " decoder_optimizer.zero_grad()\r\n", + "\r\n", + " input_length = input_tensor.size(0)\r\n", + " target_length = target_tensor.size(0)\r\n", + "\r\n", + " encoder_outputs = torch.zeros(max_length, encoder.hidden_size, device=device)\r\n", + "\r\n", + " loss = 0\r\n", + "\r\n", + " for ei in range(input_length):\r\n", + " encoder_output, encoder_hidden = encoder(\r\n", + " input_tensor[ei], encoder_hidden)\r\n", + " encoder_outputs[ei] = encoder_output[0, 0]\r\n", + "\r\n", + " decoder_input = torch.tensor([[SOS_token]], device=device)\r\n", + "\r\n", + " decoder_hidden = encoder_hidden\r\n", + "\r\n", + " use_teacher_forcing = True if random.random() < teacher_forcing_ratio else False\r\n", + "\r\n", + " last = 500\r\n", + " if use_teacher_forcing:\r\n", + " # Teacher forcing: Feed the target as the next input\r\n", + " for di in range(target_length):\r\n", + " decoder_output, decoder_hidden = decoder(\r\n", + " decoder_input, decoder_hidden)\r\n", + " loss += criterion(decoder_output, target_tensor[di])\r\n", + " decoder_input = target_tensor[di] # Teacher forcing\r\n", + "\r\n", + " else:\r\n", + " # Without teacher forcing: use its own predictions as the next input\r\n", + " for di in range(target_length):\r\n", + " decoder_output, decoder_hidden = decoder(\r\n", + " decoder_input, decoder_hidden)\r\n", + " topv, topi = decoder_output.topk(1)\r\n", + " decoder_input = topi.squeeze().detach() # detach from history as input\r\n", + "\r\n", + " loss += criterion(decoder_output, target_tensor[di])\r\n", + " #if decoder_input.item() == EOS_token:\r\n", + " # break\r\n", + " #print(loss)\r\n", + " try:\r\n", + " loss.backward()\r\n", + " except AttributeError:\r\n", + " print(f\"loss: {loss}\")\r\n", + " print(f\"input_tensor: {input_tensor}\")\r\n", + " print(f\"target_tensor: {target_tensor}\")\r\n", + " encoder_optimizer.step()\r\n", + " decoder_optimizer.step()\r\n", + " \r\n", + "\r\n", + " return loss.item() / target_length" + ], + "execution_count": 20, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "nItV2ibhr7HA" + }, + "source": [ + "def list_to_tensor(l):\r\n", + " return torch.tensor(l, dtype=torch.long, device=device).view(-1, 1)\r\n", + "\r\n", + "def pairs_to_tensor(pair):\r\n", + " in_tensor = list_to_tensor(pair[0])\r\n", + " out_tensor = list_to_tensor(pair[1])\r\n", + " return (in_tensor, out_tensor)\r\n", + "\r\n", + "\r\n", + "def asMinutes(s):\r\n", + " m = math.floor(s / 60)\r\n", + " s -= m * 60\r\n", + " return '%dm %ds' % (m, s)\r\n", + "\r\n", + "\r\n", + "def timeSince(since, percent):\r\n", + " now = time.time()\r\n", + " s = now - since\r\n", + " es = s / (percent)\r\n", + " rs = es - s\r\n", + " return '%s (- %s)' % (asMinutes(s), asMinutes(rs))\r\n", + "\r\n", + "def trainIters(encoder, decoder, n_iters, print_every=1000, learning_rate=0.01):\r\n", + " start = time.time()\r\n", + " plot_losses = []\r\n", + " print_loss_total = 0 # Reset every print_every\r\n", + " plot_loss_total = 0 # Reset every plot_every\r\n", + "\r\n", + " encoder_optimizer = optim.SGD(encoder.parameters(), lr=learning_rate)\r\n", + " decoder_optimizer = optim.SGD(decoder.parameters(), lr=learning_rate)\r\n", + " training_pairs = [pairs_to_tensor(random.choice(code_pairs))\r\n", + " for i in range(n_iters)]\r\n", + " criterion = nn.NLLLoss()\r\n", + "\r\n", + " for iter in range(1, n_iters + 1):\r\n", + " training_pair = training_pairs[iter - 1]\r\n", + " input_tensor = training_pair[0]\r\n", + " target_tensor = training_pair[1]\r\n", + "\r\n", + " loss = train(input_tensor, target_tensor, encoder,\r\n", + " decoder, encoder_optimizer, decoder_optimizer, criterion)\r\n", + " print_loss_total += loss\r\n", + " plot_loss_total += loss\r\n", + "\r\n", + " if iter % print_every == 0:\r\n", + " print_loss_avg = print_loss_total / print_every\r\n", + " print_loss_total = 0\r\n", + " print('%s (%d %d%%) %.4f' % (timeSince(start, iter / n_iters),\r\n", + " iter, iter / n_iters * 100, print_loss_avg))" + ], + "execution_count": 21, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "MRuYGa9nzOi9" + }, + "source": [ + "hidden_size = 256\r\n", + "encoder1 = EncoderRNN(vocab_size, hidden_size).to(device)\r\n", + "decoder1 = DecoderRNN(hidden_size, vocab_size).to(device)" + ], + "execution_count": 22, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "LgBYFrTt5Go6" + }, + "source": [ + "trainIters(encoder1, decoder1, 35000, print_every=5)" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "QvoQeb1lzuaB" + }, + "source": [ + "def evaluate(encoder, decoder, sentence, max_length=MAX_LENGTH):\r\n", + " with torch.no_grad():\r\n", + " #a = sentence_to_codes(sentence, bpe_encoder_pl)\r\n", + " #input_tensor = tensorFromSentence(input_lang, sentence)\r\n", + " input_tensor = list_to_tensor(sentence_to_codes(sentence, bpe_encoder_pl))\r\n", + " input_length = input_tensor.size()[0]\r\n", + " encoder_hidden = encoder.initHidden()\r\n", + "\r\n", + " encoder_outputs = torch.zeros(max_length, encoder.hidden_size, device=device)\r\n", + "\r\n", + " for ei in range(input_length):\r\n", + " encoder_output, encoder_hidden = encoder(input_tensor[ei],\r\n", + " encoder_hidden)\r\n", + " encoder_outputs[ei] += encoder_output[0, 0]\r\n", + "\r\n", + " decoder_input = torch.tensor([[SOS_token]], device=device) # SOS\r\n", + "\r\n", + " decoder_hidden = encoder_hidden\r\n", + "\r\n", + " decoded_words = []\r\n", + " eow_token = 501\r\n", + " last_word = -1\r\n", + " for di in range(max_length):\r\n", + " decoder_output, decoder_hidden = decoder(\r\n", + " decoder_input, decoder_hidden)\r\n", + " topv, topi = decoder_output.data.topk(1)\r\n", + " if topi.item() == last_word and topi.item() == eow_token:\r\n", + " # decoded_words.append('')\r\n", + " break\r\n", + " else:\r\n", + " decoded_words.append(topi.item())\r\n", + " last_word = topi.item()\r\n", + "\r\n", + " decoder_input = topi.squeeze().detach()\r\n", + "\r\n", + " decoded_tokens = bpe_encoder_en.inverse_transform([decoded_words])\r\n", + " return decoded_tokens\r\n", + "\r\n", + "def evaluateAndShow(input_sentence):\r\n", + " output_words = evaluate(\r\n", + " encoder1, decoder1, input_sentence)\r\n", + " return next(output_words)\r\n" + ], + "execution_count": 14, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "2Y8rj7BhIpBS" + }, + "source": [ + "\r\n", + "temp = open('test-A/in.tsv', 'r').readlines()\r\n", + "data = []\r\n", + "for sent in temp:\r\n", + " data.append(sent.replace('\\n',''))\r\n", + "\r\n", + "f=open('test-A/out.tsv','w')\r\n", + "for sent in data:\r\n", + " f.write(evaluateAndShow(sent) + '\\n')\r\n", + "\r\n", + "f.close()" + ], + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "metadata": { + "id": "13Nm_jnCIpnl" + }, + "source": [ + "temp = open('dev-0/in.tsv', 'r').readlines()\r\n", + "data = []\r\n", + "for sent in temp:\r\n", + " data.append(sent.replace('\\n',''))\r\n", + "\r\n", + "f=open('dev-0/out.tsv','w')\r\n", + "for sent in data:\r\n", + " f.write(evaluateAndShow(sent) + '\\n')\r\n", + "\r\n", + "f.close()" + ], + "execution_count": null, + "outputs": [] + } + ] +} \ No newline at end of file diff --git a/test-A/out.tsv b/test-A/out.tsv new file mode 100644 index 0000000..76ccc16 --- /dev/null +++ b/test-A/out.tsv @@ -0,0 +1,1200 @@ +if we hand over the right to decide on these matters to the eu, what is the next step ? +the stockholm programme adopted by the european council of 10 and 11 december 2009 calls on member states to adopt immigration policies marked by flexible arrangements to support the development and economic performance of the union . +written statements (rule 142) +written statements (rule 142) to the question of 'how ?' . +unfortunately, there is not much we can do at this stage of the issue in the final vote . +- before the vote on amendment 4: +the report addresses creditably the concerns of union's citizens - especially citizens of the states surrounding the baltic - about the environmental impact of the planned gas pipeline . +therefore, we should use most of the eur 5 billion as guarantee funds to leverage eur 20, 25 or 30 billion of public and private investment . +(applause) +the report addresses creditably the concerns of union's citizens - especially citizens of the states surrounding the baltic - about the environmental impact of the planned gas pipeline . +and as you said, minister, 2008 was supposed to be a come-back year, the year in which social europe was re-energised . +written statements (rule 142) +the external service must be wholly in step with the commission . +my committee on the implementation of the planned gas pipeline . +we need a new constitution, not just a new name . +it is a fact that the level of control of these installations is a very important factor and, as such, it should be increased and carried out at shorter intervals . +i would suggest that, in working to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +it is time to do a deal . +- before the vote on amendment 4: +written statements (rule 142) +and as you said, minister, 2008 was supposed to be a come-back year, the year in which social europe was re-energised . +i think in this the fruits of some highly constructive cooperation, initiated between the two institutions from the very beginning of the examination of this text . +i would suggest that, in the resolution at all . +however, i regret that the report was not drafted jointly by the committee on foreign affairs and the committee on development, in view of the fact that the chairmen of these two committees jointly chair the european parliament's election observation group . +let us be able to live up to it, because these are real problems and real people, and we have to deal with them now . +the external service must be wholly in step with the commission . +the stockholm programme adopted by the european council of 10 and 11 december 2009 calls on member states to adopt immigration policies marked by flexible arrangements to support the development and economic performance of the union . +unfortunately, there is a crime against humanity . +i would like to compliment the swedish presidency and, above all, commissioner rehn on their work . +i should also like to respond to what mr matsakis said: i share his view about alcohol . +i would like to comment on the content in relation to four or five particular issues . +i should also like to respond to what mr matsakis said: i share his view about alcohol . +however, i want to see this compromise used as the basis, so that in future, the european union can do it better . +every effort must be made to detain and punish the murderers . +i would suggest that, in working to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +in addition, the proportion of people aged over 80 will rise from 4 .1% in 2005 to 11 .4% in 2050 . +however, i regret that the report was not drafted jointly by the committee on foreign affairs and the committee on development, in view of the fact that the chairmen of these two committees jointly chair the european parliament's election observation group . +and we need to carry on as we have been for a number of years in encouraging this mobility in the european union, and we need to ensure that there is fair competition between the various modes of transport . +my committee was not involved in the resolution at all . +in addition, the proportion of people aged over 80 will rise from 4 .1% in 2005 to 11 .4% in 2050 . +the committee's proposal, which, in a big brother-like manner, states that seasonal fruit should be distributed, giving preference to a varied range of fruits so as to enable 'children to discover different tastes', is completely ridiculous . +- before the vote on amendment 4: +we are in favour of common research into nuclear safety, for example, but we feel that, in several cases, the report is far too pro-nuclear energy . +my committee was not involved in the resolution at all . +it is time to do a deal . +and has been pledged by many member states, the commission and other countries, and greece is grateful to those who have taken swift action against a natural disaster arising from conditions beyond anything we could have imagined . +(applause) +(applause) +let us make it clear: we are not making an exception for any sector of our industry . +i would that whenever an agreement is concluded, insistence be made upon the principle of reciprocity, and i believe that it is these type of agreements that can serve as the foundation for this to happen elsewhere . +we need to have a wider answer to the question of 'how ?' . +i would like to speak with particular reference to observation missions in africa because there is a special partnership between the eu and african, caribbean and pacific countries . +written statements (rule 142) +the committee's proposal, which, in a big brother-like manner, states that seasonal fruit should be distributed, giving preference to a varied range of fruits so as to enable 'children to discover different tastes', is completely ridiculous . +the external service must be wholly in step with the commission . +written statements (rule 142) +in writing . - (sv) this report observes that in most member states the population is getting older and that the social security and pension systems will therefore be put under strain . +this is the principle of 11 march 2011 . +- before the vote on amendment 4: +(applause) +in writing . - i would like to thank the rapporteur for his excellent work . +written statements (rule 142) +it is time to do a deal . +- before the vote on amendment 4: +this area had already received attention in flanders and is now set to receive attention from all the governments of europe . +and we need to ensure that there is fair competition between the various modes of transport . +(applause) +i think it was very important for us to make this a cross-group resolution . +if we hand over the right to decide on these matters to the eu, what is the next step ? +it is estimated that during 30 years of dictatorship more than five million people have been imprisoned, more than 200 000 tortured to death and recently more than 200 killed . +in this respect, the eu must include coastal tourism in the list of its political priorities . +i should also like to respond to what mr matsakis said: i share his view about alcohol . +solidarity has been pledged by many member states, the commission and other countries, and greece is grateful to those who have taken swift action against a natural disaster arising from conditions beyond anything we could have imagined . +written statements (rule 142) to ensure improvements in national fiscal frameworks and to encourage member states to make better fiscal decisions in the future . +written statements (rule 142) +in addition, the proportion of people aged over 80 will rise from 4 .1% in 2005 to 11 .4% in 2050 . +i think it was very important for us to make this a cross-group resolution . +the external service must be wholly in step with the commission . +however, i want to see this compromise used as the basis, so that in future, the european union can do it better . +the stockholm programme adopted by the european council of 10 and 11 december 2009 calls on member states to adopt immigration policies marked by flexible arrangements to support the development and economic performance of the union . +tomorrow, we will publish in the commission the report on the implementation of a thematic strategy on prevention and recycling of waste . +smes account for more than 90% of the eu economy and two-thirds of its jobs . +i should also like to respond to what mr matsakis said: i share his view about alcohol . +the commission says that the ideal situation would be if eu consumers could have the same basic rights wherever they were in the union and wherever they did their shopping . +the commission has made a firm commitment to promote the appropriate bilateral regional cooperation frameworks . +one important policy objective must be to create framework conditions to protect jobs in germany even in times of crisis . +the eu's accession to the european convention will mean that the protection of fundamental rights will be supplemented and strengthened, that citizens in our member states will have better protection in relation to the eu's activities and that legal practice in the area of human rights will be harmonised better in the two european courts, in the hague and strasbourg . +(applause) +i would like to compliment the swedish presidency and, above all, commissioner rehn on their work . +i would suggest that, in working to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +(applause) we have to continue to support energy saving, energy efficiency and renewable energies, and we are also spearheading the development of a methodology - an inevitably complex one, given the technical difficulties - to evaluate more precisely the carbon footprint of all the projects that we finance . +however, i regret that the report was not drafted jointly by the committee on foreign affairs and the committee on development, in view of the fact that the chairmen of these two committees jointly chair the european parliament's election observation group . +the eu's accession to the european convention will mean that the protection of fundamental rights will be supplemented and strengthened, that citizens in our member states will have better protection in relation to the eu's activities and that legal practice in the area of human rights will be harmonised better in the two european courts, in the hague and strasbourg . +i would also like to welcome this agreement . +professional secrecy clauses have been extended beyond commission staff to include members of expert groups so that, instead of moving towards more transparency, we are moving towards more secrecy . +this is the principle of 11 march 2011 . +this provision takes up the italian request to introduce a genuine 'regional safeguard clause', applicable only in certain regions of the european union . +firstly, we oppose any legislation that assumes that women's health, education and reproductive rights are the responsibility not of member states but of the eu . +this may seem costly to some, but receiving equal treatment is an absolute must, as it is for those suffering from other disabilities, so that we can respect ourselves and the values of european society . +in writing . - (sv) this report observes that in most member states the population is getting older and that the social security and pension systems will therefore be put under strain . +(applause) +i think it was very important for us to make this a cross-group resolution . +in addition, the proportion of people aged over 80 will rise from 4 .1% in 2005 to 11 .4% in 2050 . +i would like to speak with particular reference to observation missions in africa because there is a special partnership between the eu and african, caribbean and pacific countries . +and as you said, minister, 2008 was supposed to be a come-back year, the year in which social europe was re-energised . +i should also like to respond to what mr matsakis said: i share his view about alcohol . +let us be able to live up to it, because these are real problems and real people, and we have to deal with them now . +and as you said, minister, 2008 was supposed to be a come-back year, the year in which social europe was re-energised . +the external service must be wholly in step with the commission . +in addition, the proportion of people aged over 80 will rise from 4 .1% in 2005 to 11 .4% in 2050 . +(applause) +almost 10% of europe's children suffer from 'dys' problems: children who are usually invisible to our education systems, which all too frequently blame their academic failure on unrelated causes . +i would like to speak with particular reference to observation missions in africa because there is a special partnership between the eu and african, caribbean and pacific countries . +in this respect, the eu must include coastal tourism in the list of its political priorities . +the eu's accession to the european convention will mean that the protection of fundamental rights will be supplemented and strengthened, that citizens in our member states will have better protection in relation to the eu's activities and that legal practice in the area of human rights will be harmonised better in the two european courts, in the hague and strasbourg . +the commission has made a firm commitment to promote the appropriate bilateral regional cooperation frameworks . +i augur that whenever an agreement is concluded, insistence be made upon the principle of reciprocity, and i believe that it is these type of agreements that can serve as the foundation for this to happen elsewhere . +(applause) +i would suggest that, in working to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +in writing . - (sv) this report observes that in most member states the population is getting older and that the social security and pension systems will therefore be put under strain . +we have, for example, allowed our spare capacity to fall by around 1% every year, and that is creating insecurity . +written statements (rule 142) +and we hand over the right to decide on these matters to the eu, what is the next step ? +written statements (rule 142) +the report addresses creditably the concerns of union's citizens - especially citizens of the states surrounding the baltic - about the environmental impact of the planned gas pipeline . +written statements (rule 142) to live up to it, because these are real problems and real people, and we have to deal with them now . +written statements (rule 142) +maroni exposed this . +the eu's accession to the european convention will mean that the protection of fundamental rights will be supplemented and strengthened, that citizens in our member states will have better protection in relation to the eu's activities and that legal practice in the area of human rights will be harmonised better in the two european courts, in the hague and strasbourg . +the external service must be wholly in step with the commission . +in addition, the proportion of people aged over 80 will rise from 4 .1% in 2005 to 11 .4% in 2050 . +(applause) +- before the vote on amendment 4: +first of all, i do not believe that belittling the greeks in the manner that mr soini did is very useful, or even professionally appropriate . +in this respect, the eu must include coastal tourism in the list of its political priorities . +in this respect, the eu must include coastal tourism in the list of its political priorities . +we should not fear major debates, and i wish to thank you, mr president-in-office of the council, for having made your contribution, because economic and social policy is the major debate, the one that is of most concern to our citizens, the one that demands our response in the short, medium and long term . +(applause) +we need to have a wider answer to the question of 'how ?' . +the committee's proposal, which, in the budget reform ? +the eu's accession to the european convention will mean that the protection of fundamental rights will be supplemented and strengthened, that citizens in our member states will have better protection in relation to the eu's activities and that legal practice in the area of human rights will be harmonised better in the two european courts, in the hague and strasbourg . +and we need to carry on as you are usually invisible to our education systems, which all too frequently blame their academic failure on unrelated causes . +the stockholm programme adopted by the european council of 10 and 11 december 2009 calls on member states to adopt immigration policies marked by flexible arrangements to support the development and economic performance of the union . +(applause) +written statements (rule 142) +we need to have a wider answer to the question of 'how ?' . +(applause) we should use most of the eur 5 billion as guarantee funds to leverage eur 20, 25 or 30 billion of public and private investment . +this provision takes up the italian request to introduce a genuine 'regional safeguard clause', applicable only in certain regions of the european union . +(applause) +the european commission is ready for discussions with parliament and the council of ministers, as well as the two consultative committees, in working towards the development of a shared system . +i would like to speak with particular reference to observation missions in africa because there is a special partnership between the eu and african, caribbean and pacific countries . +it is a fact that the level of control of these installations is a very important factor and, as such, it should be increased and carried out at shorter intervals . +i think to have this compromise used as the basis, so that in future, the european union can do it better . +i should also like to respond to what mr matsakis said: i share his view about alcohol . +written statements (rule 142) +open the budget that the chairmen of these two committees jointly chair the european parliament's election observation group . +we need to know whether the european union will have the powers and the competency . +article 174 of the treaty of lisbon mentions policy with the entry into force of the treaty of lisbon ? +we must not wait for a working group of the council to tell us what must be done; it is up to the commission to take this initiative . +on the civilian in the name on the internal market and consumer protection, on consumer protection, and +(applause) +how we will publish in our of common research into nuclear safety, for example, by giving advice that drives countries to ruin . +in order to do this, the decisions regarding the milk quota increases . +one can well understand the concern relating to the eu integration capacity . +open scope +(applause) +indeed, i wish to thank mrs frassoni, that the commission takes your points very seriously . +the committee on the civilian population in tskhinvali, are to be made upon the principle of member states and the eu of ministers, as well as the two consultative committees, in working towards the development of a shared system . +i believe that the eu is working with the african union and other regional organisations to strengthen their capacity to address environment and climate change issues . +if we hand over the right to decide on these matters to the eu, what is the next step ? +we need to know whether the european union will have the powers and the competency to play a role . +we need solidarity when we have to give support to our baltic friends or countries affected by the gas crisis between russia and ukraine, but we also need solidarity when we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +we need to know whether the european union will have the powers and the competency to play a role . +article 3 of the treaty on european union acknowledges territorial cohesion as an objective of the eu . +and - and like to ask the commission . +the report also urges the turkish government to bring its approach to freedom of religion in line with those principles as defined by the european court of justice . +(applause) +the attacks, especially on the civilian population in tskhinvali, are to be roundly condemned, along with the military response, especially the military response by russia and the attacks on the civilian population, particularly in the town of gori . +we have to give support to our baltic friends or countries affected by the gas crisis between russia and ukraine, but we also need solidarity when we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +the council's report addresses creditably the concerns of union's citizens - which is going to reach an agreement very soon . +if we hand over the right to decide on these matters to the eu, what is the next step ? +(applause) +(applause) is the principle of 11 march 2011 . +the council's informal to live by around 1% every year, and that is creating insecurity . +we welcome the european union will be represented by the presidents of the european council and the commission . +(applause) +clearly, however, the production of goods for the market will be directly proportional to the scale of the budget that we will be able to confirm in order to cover the costs associated with agricultural practices of this kind . +we are going to continue to support energy saving, energy efficiency and renewable energies, and we are also spearheading the development of a methodology - an inevitably complex one, given the technical difficulties - to evaluate more precisely the carbon footprint of all the projects that we finance . +however, i want to see this compromise used as the basis, so that in future, the european union can do it better . +in writing . - to the commission to take to four or five particular issues . +(applause) is estimated that during 30 years of the un security council, by demanding a seat at the table for the european union with the entry into force of the treaty of lisbon ? +- before the vote: +i would like to comment on the content in relation to four or five particular issues . +the fact that the ideal situation would be if eu is giving its full that citizens in the manner that mr soini did is very useful, or even professionally appropriate . +right at the start, i would like to make it clear that the eu is giving its full support to the stabilisation and normalisation of georgia and to democratic reforms in the country . +let us be able to live up to it, because these are real problems and real people, and we have to deal with them now . +on behalf of the verts/ale . +we need to know whether the european union will have the powers and . +debates on the civilian population, particularly that in most member states the population is getting older and that the social security and pension systems will therefore be put under strain . +what surprises me about the debate in this house at times - even though i suppose i should not be surprised - is that those who shout longest and loudest about the sovereignty of member states are the very ones to attempt to undermine that sovereignty by lecturing and hectoring member states about the need to hold a referendum, when national legislation and, therefore, sovereignty and subsidiarity, dictate otherwise . +(applause) +we have in any case taken note of them and shall take them into consideration . +we have, for example, allowed our spare capacity to fall by around 1% every year, and that is creating insecurity . +in writing . - (ro) first of all, i would like to congratulate the rapporteur for the objectivity with which he expressed the position of the european parliament regarding the commission's 2007 enlargement strategy paper . +mr president, this whole matter has caused a lot of problems, particularly in the agricultural sector in ireland . +the report for 2007 provides a fitting description of these two committees jointly chair the european parliament's election observation group . +we have common challenges concerning cross-border crime, so it would also be good for us if we could engage further in the future . +open scope +on behalf of the verts/ale group would like to comment on the internal market and consumer protection, on consumer protection, and +i think that whenever an agreement support to our education systems, which all too frequently blame their academic failure on unrelated causes . +i would like to compliment the swedish presidency and, above all, commissioner rehn on their work . +i am interceding in order to ensure that there is fair competition between the various modes of transport . +open scope +the report also urges the turkish government to bring its approach to freedom of religion in line with those principles as defined by the european court of justice . +this is a crucially important timetabling of the un security and justice, they are demanding a minimum of european rules to curb illegal immigration and, on the other, in the name of their rules that have become dogma - those of ultraliberalism and of freedom of movement - they want the territory of the union to become a place for receiving and attracting millions of prospective immigrants . +we have, for example, allowed our spare capacity to fall by around 1% every year, and that is creating insecurity . +in order to do a the question of 'how ?' . +we are in favour of common research into nuclear safety, for example, but we feel that, in several cases, the report is far too pro-nuclear energy . +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +we believe the increasingly active role of the republic of korea on the international stage and we also wish them all the best when they chair the g20 this year . +in particular to activities carried out by the so-called ceprom . +we should not fear major debates, and support throughout our of fundamental rights will be harmonised better in the two european courts, in the hague and strasbourg . +- before the vote on amendment 4: +however, i want to see this compromise used as the basis, so that in future, the european union can do it better . +i can assure you, mrs frassoni, that the commission takes your points very seriously . +in order to do this, the decisions regarding the milk quota increases should be increased in this direction in the european union, and we need to ensure that there is fair competition between the various modes of transport . +we have a whole host on and including from picking up . +i am interceding in order to ensure that it is not forgotten the commission takes your points very seriously . +written statements (rule 149) +how is one that consumer affairs are now dealt with by the same committee, but it is perhaps a shame that we have lost that focus on the internal market and civil and commercial law . + +(applause) +in writing . - (ro) first of all, i would like to congratulate the rapporteur for the objectivity with which he expressed the position of the european parliament regarding the commission's 2007 enlargement strategy paper . +- before the vote: +- before the vote: +in writing . - (sv) this report observes that in most member states the population is getting older and that the social security and pension systems will therefore be put under strain . +first of all, i do not believe that belittling the greeks in the manner that mr soini did is very useful, or even professionally appropriate . +if we hand over in working with the african union and other regional organisations to strengthen their capacity to address environment and climate change issues . +- before final vote . +(applause) +i believe that the eu is +we must also raised the question of our choice of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +if we hand over and individual dignity people and children who are usually invisible to our education systems, which all too frequently blame their academic failure on unrelated causes . +and as you said, minister, 2008 was supposed to be a come-back year, the year in which social europe was re-energised . +debates on cases of breaches and social security and pension systems will therefore be put under strain . +the council's and violence of course try to approach the eu as well, and that the latter tried systematically to find a legal basis . +i would also like to respond to what the rapporteur for the objectivity with which he expressed the position of the european parliament regarding the commission's 2007 enlargement strategy paper . +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +(applause) + +it is good that consumer affairs are now dealt with by the same committee, but it is perhaps a shame that we have lost that focus on the internal market and civil and commercial law . +if we hand over the right to decide on these matters to the eu, what is the next step ? +i believe to this a new constitution, to promote the appropriate bilateral regional cooperation frameworks . +open scope +open scope +(applause) +mr president, why is always to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +mr president, renewed combat in the eastern part of the congo is making a mockery of human rights and is silencing democracy . +(applause) +the council's report for 2007 provides a fitting description of these issues . +open scope +i am interceding in order to ensure that there is fair competition between the various modes of transport . +(applause) +we have common challenges concerning cross-border crime, so it would also be good for us if we could engage further in this . +the european commission proposed a ban on information about the environmental for galileo, a project that binds the member states closer together . +i appeal to the first of people aged over 80 will rise from 4 .1% in 2005 to 11 .4% in 2050 . +on behalf of the verts/ale group . +in order to do this, the decisions regarding the milk quota increases should be increased and carried out at shorter intervals . +(applause) is the principle of 11 march 2011 . +try hard to achieve a fresh security council on television or radio, and the european parliament has decided to extend this to the written press . +- before the vote: +we need to carry on as we have been for a number of years in encouraging this mobility in the european union, and we need to ensure that there is fair competition between the various modes of transport . +how we will publish in the commission to take this initiative . +the european council has decided to extend this kind of democratic system . + +they are not measurable, but they are equally important . +we need to know whether whether available before we will them is completely to the real political and that we have more difficult times ahead . +i would like to speak with particular reference to observation missions in africa because there is a special partnership between the eu and african, caribbean and pacific countries . +we need a new constitution, not just that the chairmen of these two committees jointly chair the european parliament's election observation group . +- before the vote: +we need solidarity when we have to give support to our baltic friends or countries affected by the gas of human rights and taking into consideration article 24 of our charter of fundamental rights . +in fact, to activities carried the various aspects of the un security . +on behalf of the verts/ale group . +- before the vote: on amendment 4: +the european council and the commission action plan on the small business act initiative that was adopted by the council . +if we hand over the right to decide on these matters to the eu, what is the next step ? +(applause) +(applause) +i think that in many ways this review does that in an excellent way and it advances the tool in the right direction, but it does not really go the whole distance . + +the european council is the like totally scorning the council of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +the committee on agriculture has not commented on my report, so i take their silence to mean agreement . +first of all, i do not believe that belittling the greeks in the manner that mr soini did is very useful, or even professionally appropriate . +the council's of to european parliament sensible solutions to the problems of carbon leakage in industry, she has introduced quality criteria and a 50% limit on the use of off-setting and clean development mechanisms, and she has tried to keep to around 50% the freedom of member states to use the revenues generated from auctioning allowances . +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +mr president, the final declaration of the durban ii review conference, which afghanistan is taking part in, concluded only today on the absolute need to make all forms of violence against women criminal offences punishable by law and on the condemnation of any judicial arsenal based on discrimination, including religious discrimination . +article 3 of the treaty of lisbon mentions policy with regard to mountain regions as a particular type of regional policy, alongside island and cross-border regions . +in writing . - (sv) this report observes that in most member states the population is getting older and that the social security and pension systems will therefore be put under strain . +i would like to comment on the content in relation to four or five particular issues . +we need to know whether the european union will have the powers and the competency to play a role . +in writing . - i would like to thank you, mr president-in-office of the council, for a . +safeguarding human rights and individual dignity is completely at odds with weak policies that encourage the threat of terrorism and social malaise . +i should not be surprised - is that the those of fundamental rights . +we need to know whether the european union will have the powers and the competency to play a role . +(applause) +(applause) +(applause) +i can assure you, mrs frassoni, that the commission takes your points very seriously . + +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +i would like to comment on the content in relation to four or five particular issues . +if the european union will be represented by the presidents of the european council and the commission . +in this context, however, i have to mention that a number of the amendments concern provisions of regulation (ec) no 1049/2001 which the commission did not propose to amend . +(applause) is the principle of 11 march 2011 . +mr president, why is that, in this connection, we have nonetheless taken a step in a direction in which we will be able to move further at a later date . +i am well aware to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +open scope +on cases in this area and the european parliament regarding the commission's 2007 enlargement strategy paper . +open scope +we have a common history textbook of those times, which would show how europe united, so that the children in our schools can have access to that truth and that knowledge . +mr president, renewed combat in the eastern part of the congo is making a mockery of human rights and signifies the abandonment of measures intended to improve relations with the democratic countries of europe . +we must not wait for a working group of the council to tell us what must be done; it is up to the commission to take this initiative . +how is very useful as some credit rating the basis, so that in future, the european union can do it better . +by mrs hedh, of the fact that the chairmen of these installations is a very important factor and, as such, it should be increased and carried out at shorter intervals . +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +in order to do this, the decisions regarding the milk quota increases . +- before the vote: on amendment 4: +on behalf of the verts/ale group . +(applause) is very important . +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +written statements (rule 142) +the stockholm programme adopted by the european council of 10 and 11 december 2009 calls on member states to adopt immigration policies marked by flexible arrangements to support the development and economic performance of the union . +in writing . - mr president, the european is of a decision when making its policies . +i would like to comment on the content in relation to four or five particular issues . +we must a common history textbook of those times, which would show how europe united, so that the children in our schools can have access to that truth and that knowledge . +we need a common history textbook of those times, which would show how europe united, so that the children in our schools can have access to that truth and that knowledge . +the report also urges the turkish government to bring its approach to freedom of religion in line with those principles as defined by the european court of justice . +(applause) +we need solidarity when we have to give support to the eu, what and the attacks on the civilian population, particularly in the town of gori . +if . +i can assure you, mrs frassoni, that the commission takes your points very seriously . +however, i want to see this compromise used as the basis, so that in future, the european union can do it better . +(applause) is one that consumer affairs are now dealt with by the same committee, but it is perhaps a shame that we have lost that focus on the internal market and civil and commercial law . +if we hand over the right to decide on these matters to the eu, what is the next step ? +and as you said, minister, 2008 was supposed to be a come-back year, the year in which social europe was re-energised . +i believe that a +we should not fear that the countries of the western balkans are of great geopolitical importance to us for many reasons . +i think it is very important . +i augur that whenever an agreement is concluded, insistence be made upon the principle of reciprocity, and i believe that it is these type of agreements that can serve as the foundation for this to happen elsewhere . +- before the vote: will be represented by the presidents of the european council and the commission . +however, i want to see this compromise used as the basis, so that in future, the european union can do it better . +written statements (rule 149) +we believe that the mistakes that have to give support to our baltic friends or countries affected by the gas crisis between russia and ukraine, but we also need solidarity when we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +we need a new constitution, not just a new name . +a is a crucially we have succeeded in forging a treaty on the antarctic, in which we have ruled out military presence and stipulated that this region may only be used for peaceful purposes . +i can assure you, mrs frassoni, that the commission takes your points very seriously . +a balance has been struck for 2008 between financing, and earned by industry . +- before the vote on amendment 4: +we need to know whether the european union will have the powers and the competency to play a role . +on behalf of the verts/ale group . +in clearly defined circumstances, certain products used for equidae will be harmonised better in the two european courts, in the hague and strasbourg . +mr president, why is the swedish presidency refusing to lead europe into forcing reform of the un security council, by demanding a seat at the table for the european union with the entry into force of the treaty of lisbon ? +on behalf of the verts/ale group . +we are not measurable, but they are equally important for us to make all forms of violence against women criminal offences punishable by law and on the condemnation of any judicial arsenal based on discrimination, including religious discrimination . +if there is a subsidiarity issue over sport in the eu . +i believe that the report and is concluded, insistence be made upon the principle of reciprocity, and i believe that it is these type of agreements that can serve as the foundation for this to happen elsewhere . +i voted a new constitution, not just a whole of problems, particularly in the agricultural sector in ireland . +the report addresses creditably the concerns of union's citizens - especially citizens of the states surrounding the baltic - about the environmental impact of the planned gas pipeline . +(applause) +on behalf of the verts/ale group . +i think you have already noticed that there is always a strong voice from the commission side highlighting the need to keep an adequate level of financing for research and innovation in the educational sectors, because we believe this is how we will preserve and improve our competitive edge and prepare our future researchers, our future workers in highly competitive areas for better performance in the future . +however, i want to see this compromise used as the basis, so that in future, the european union can do it better . +if we hand over the right to decide on these matters to the eu, what is the next step ? +how about the whole distance of the republic of korea on the international stage and we also wish them all the best when they chair the g20 this year . +- before the vote: in the budget reform of the sugar market, for example . +in writing . - (ro) first of all, i would like to congratulate the rapporteur for the objectivity with which he expressed the position of the european parliament regarding the commission's 2007 enlargement strategy paper . + +i think it was very important for us to make this a cross-group resolution . +the european commission is a crucially on the civilian population, particularly in the town of gori . +my committee was not involved to our the commissioner touched on this subject, i wish to draw attention to the danger posed by the objective of food self-sufficiency, which is very much in vogue . +(applause) and like to thank the commissioner for her involvement and support throughout this period, and i thank her services as well . +(applause) +- before the vote: +in writing . - (sv) the report of the problem and handle them together has to begin with the acknowledgement of a fact known to us all: 60% of migrants arriving in europe come by sea, and 'fortress europe' has issued an approximate estimate, by default, that 12 000 human beings have drowned or otherwise gone missing over the past ten years . +it does not work in practice and circular migration often turns into permanent migration . +in writing . - (sv) not been consulted the eu . +mr president, why is the swedish presidency refusing to lead europe into forcing reform of the un security . +- before the vote: + + +on the one hand, however, the white of lisbon ? +i would like to comment on the content in relation to four or five particular issues . +mr president, the final declaration of the durban ii review conference, which afghanistan is taking part in, concluded only today on the absolute need to make all forms of violence against women criminal offences punishable by law and on the condemnation of any judicial arsenal based on discrimination, including religious discrimination . +on the civilian population, to introduce a genuine 'regional safeguard clause', applicable only in certain regions of the european union . +i would also like to respond to what mr matsakis said: i share his view about alcohol . +we hand over the right to decide on these matters to the eu, what is the next step ? +it is a fact that the level of control of these installations is a very important factor and, as such, it should be increased and carried out at shorter intervals . +in writing . - (sv) this debate in the manner of detailed discussions with other institutions, including the issues discussed recently in the debate on globalisation at the council's informal meeting in lisbon . +(applause) +mr president, the final declaration is the civilian population in tskhinvali, are to be roundly condemned, along with the military response, especially the military response by russia and the attacks on the civilian population, particularly in the town of gori . +in fact, to the eu must include coastal tourism in the country . +how is going to reach an agreement is of the committee on the internal market and consumer protection, on consumer protection, and +in order to cover the various aspects of the problem and handle them together has to begin with the acknowledgement of a fact known to us all: 60% of migrants arriving in europe come by sea, and 'fortress europe' has issued an approximate estimate, by default, that 12 000 human beings have drowned or otherwise gone missing over the past ten years . +in order to do this, the decisions of the un security council, by demanding a seat at the table for the european union with the entry into force of the treaty of lisbon ? +the committee on agriculture in this connection, we have nonetheless taken a step of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +open scope +solidarity has been pledged by many member states, the commission and other countries, and greece is grateful to those who have taken swift action against a natural disaster arising from conditions beyond anything we could have imagined . +(applause) is very useful as the basis, so that in future, the european union will be headed by two countries from central and eastern europe, hungary and poland . +(applause) +a balance has been struck for 2008 between financing, on the one hand, for external policies such as support for kosovo and palestine and, on the other, for galileo, a project that binds the member states closer together . +in writing . - (sv) the report of the sugar market, for example . +i is the principle of the budget reform of the un security council, by demanding a seat at the table for the european union with the entry into force of the treaty of lisbon ? +i would like to compliment the swedish presidency and, above all, commissioner rehn on their work . +by the european union will be represented by the presidents of the european council . +(applause) +the council's report addresses creditably in relation to the real political situation in the republic of moldova, prohibition for people with dual citizenship to hold public positions, including to become members of the parliament etc . +(applause) +how will be able to live up to it, because these are real problems and real people, and we have to deal with them now . +we should not be able to live up to the eu, what is the next step ? +the european commission proposed a ban on information about the environmental impact of the planned gas pipeline . +(applause) +tomorrow, we will publish in the budget reform of the sugar market, for example . +(applause) +- before the vote on amendment 4: +this attempt to combine the various aspects of the problem and handle them together has to begin with the acknowledgement of a fact known to us all: 60% of migrants arriving in europe come by sea, and 'fortress europe' has issued an approximate estimate, by default, that 12 000 human beings have drowned or otherwise gone missing over the past ten years . +the committee on agriculture has not commented on the internal market and consumer protection, on this subject, i wish to draw attention to the danger posed by the objective of food self-sufficiency, which is very much in vogue . +debates on cases of breaches of human rights, democracy and the rule of law (announcement of motions for resolutions tabled): see minutes +on behalf of the new european company statute . +in writing . - (sv) this report observes that in most member states the population is getting older and that the social security and pension systems will therefore be put under strain . +if we hand over the right to decide on these matters to the eu, what is the next step ? +i want the see of our choice of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +i would also like to ask the commission to sit down with the member states and work closely with them in this area and not to interfere in their national powers . +the would suggest that, in working to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +if we hand over the right to decide on these matters to the eu, what is the next step ? +- before the vote: +a fact on the civilian population, particularly in an excellent way and +in order to do this, the decisions regarding the milk quota increases should be increased and carried out at shorter intervals . +(applause) +we need solidarity when we have to give support to our baltic friends or countries affected by the gas crisis between russia and ukraine, but we also need solidarity when we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +the european union will be represented by the presidents of the european council and the commission . +a balance has been struck for 2008 between financing, on the one hand, for external policies such as support for kosovo and palestine and, on the other, for galileo, a project that binds the member states closer together . +the eu's accession to the european convention will mean that the protection of fundamental rights will be supplemented and strengthened, that citizens in our member states will have better protection in relation to the eu's activities and that legal practice in the area of human rights will be harmonised better in the two european courts, in the hague and strasbourg . +we need to know whether the european union will have the powers and the competency to play a role . +overall, it has been a good test, which has brought excellent results for parliament . +open scope +i would like to speak with the participants of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +unfortunately, there is not much we can do at this stage of the issue in the final vote . +i would also like to ask the commission to sit down with the member states and work closely with them in this area and not to interfere in their national powers . +in order to do a fresh security council resolution . +- before the vote: +i should not be surprised and work closely with them in this area and not to interfere in their national powers . +in writing . - (sv) this report observes that in most member states the population is getting older and that the social security and pension systems will therefore be put under strain . +the european commission is a crucially as europe was issue in the name of their rules that have become dogma - those of ultraliberalism and of freedom of movement - they want the territory of the union to become a place for receiving and attracting millions of prospective immigrants . +- before the vote: +the existence of the regulation that is already being considered by some of my colleagues shows divergence both in the timetable of implementation and in the detail of the regulation . +i can assure you, mrs frassoni, that the children in our schools can the words 'merit', 'rigour', 'effort', 'concentration' and 'discipline' be seen, and 'knowledge transfer' and 'memorisation' are seen as less important than the issue of 'aptitudes' and 'attitudes' based on 'essential competences' . +(applause) +- before the vote: +- before the vote on amendment 4: +we need to have a wider answer to the question of 'how ?' . +we must not wait for a working group of the council to tell us what must be done; it is up to the commission to take this initiative . +the committee on the civilian population in tskhinvali, are to be a come-back year, the year in which social europe was re-energised . +i would like to make it support that the commissioner touched on this subject, i wish to draw attention to the danger posed by the objective of food self-sufficiency, which is very much in vogue . +we need to know whether the european union will have the powers and the competency . +we should be able to live up to it, because these are real problems and real people, and we have to deal with them now . +(applause) +- before the vote: of europe a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +to complete the dominance of the eu electricity and natural gas markets by large-scale capital interests, the package of five proposals for the third legislative bundle is now being prepared by the commission . +(applause) is one that during 30 years of the committee on the internal market and consumer protection, on consumer protection, and +we need solidarity when the debate on the internal market and consumer protection, on consumer protection, and +the european union will be represented by the presidents of the european council and the commission . +how is this reflected in the budget reform ? +in writing . +we have not have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +(applause) +on behalf of the verts/ale group . +we need solidarity when we have to give support to our baltic friends or countries affected by the gas crisis between russia and ukraine, but we also need solidarity when we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +we need to know whether the european union will have the powers and the competency to play a role . +in writing . - (ro) first of all, i would like to congratulate the rapporteur for the objectivity with which he expressed the position of the european parliament regarding the commission's 2007 enlargement strategy paper . +it is very much we can actually help the victims of the violence of terrorism . +one of the highest priorities was equal-opportunities issues . +we should not be required to work in excess of 60 hours a week averaged over three months, when the inactive part of on-call time is regarded as working time . +in writing . - (ro) first of all, i would like to congratulate the rapporteur for the objectivity with which he expressed the position of the european parliament regarding the commission's 2007 enlargement strategy paper . +it is very useful as europe into forcing reform of the un security council, by demanding a seat at the table for the european union with the entry into force of the treaty of lisbon ? +we need to know whether the european union will have the powers and the competency to play a role . +the eu's accession to the european convention will mean that the protection of fundamental rights will be harmonised better in the two european courts, in the hague and strasbourg . +in order to do this, the decisions regarding the milk quota increases should be dropped . + +try hard to achieve a fresh security council resolution . +in writing . - (sv) +- before the vote: +we must also not forget that the countries of the western balkans are of great geopolitical importance to us for many reasons . +we need solidarity when we have to give support to our baltic friends or countries affected by the gas crisis between russia and ukraine, but we also need solidarity when we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +(applause) +one important policy objective must be to create framework conditions to protect jobs in germany even in times of crisis . +(applause) +i think you have already noticed that there is always a strong voice from the commission side highlighting the need to keep an adequate level of financing for research and innovation in the educational sectors, because we believe this is how we will preserve and improve our competitive edge and prepare our future researchers, our future workers in highly competitive areas for better performance in the future . +(applause) +we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . + +i believe that these unfavourable results are, in large measure, the result of an ideology of learning that seems to be completely absent from the commission's communication and parliament's resolution: in these, not once can the words 'merit', 'rigour', 'effort', 'concentration' and 'discipline' be seen, and 'knowledge transfer' and 'memorisation' are seen as less important than the issue of 'aptitudes' and 'attitudes' based on 'essential competences' . +(applause) +open scope +- before the vote on amendment 4: +on behalf of the verts/ale group . +we need a common history textbook of those times, which would show how europe united, so that the children in our schools can have access to that truth and that knowledge . +i think that in many ways this review does the eu is giving its full support to the stabilisation and normalisation of georgia and to democratic reforms in the country . +they conveyed the romanian government's concern about the financial stability of cross-border healthcare and the proportions it may assume because, as you are very well aware, some member states have a very small national income . +the council's report addresses creditably the concerns of union's citizens - which is going to reach an agreement very soon . +i is now certain - the report is of a fact known to us all: 60% of migrants arriving in europe come by sea, and 'fortress europe' has issued an approximate estimate, by default, that 12 000 human beings have drowned or otherwise gone missing over the past ten years . +in is a crime against humanity . +i would like to say here that our party - the party linked to the ppe group, which is the portuguese social democratic party (psd) - is supporting the government's austerity measures, because we believe that the mistakes that have been made during 15 years of socialist government in portugal, which are now unfortunately visible for all to see, must be remedied; the psd will support measures to remedy them . +member of the commission . - certainly not . +(applause) +in writing . - on the white paper on sport needs to recognise that there is a subsidiarity issue over sport in the eu . +we have to give support for the african peace facility; no one can deny the evident links between development and security . +the council's informal to urgent matters, we are demanding a minimum of european rules to curb illegal immigration and, on the other, in the name of their rules that have become dogma - those of ultraliberalism and of freedom of movement - they want the territory of the union to become a place for receiving and attracting millions of prospective immigrants . +one can well understand the concern relating to the eu integration capacity . + +i would like to comment on the content in relation to four or five particular issues . +in writing . - (sv) +in order to do this, the decisions regarding the milk quota increases should be increased . +we should not fear that the countries of the western balkans are of great geopolitical importance to us for many reasons . +(applause) +i can assure you, mrs frassoni, that the commission takes your points very seriously . +i would like to compliment the swedish presidency and, above all, commissioner rehn on their work . +i think that in many legal systems the burden of proof is already transferred for far less important reasons or for reasons of comparable importance . +i appeal to see this compromise used as the basis, so that in future, the european union can do it better . +(applause) +we need solidarity when we have to give support to our baltic friends or countries affected by the gas of between russia and the attacks on the civilian population, particularly in the town of gori . +(applause) +unfortunately, there is not much we can do at this stage of the issue in the final vote . +the council's report addresses creditably the concerns of union's citizens - which go back for hundreds of years . +how we will publish the commission and of our choice of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +- before the vote on amendment 4: +as is the case for any prisoner, the state was responsible for his safety and for his life . +(applause) +we need to a new constitution, to promote of our industry . +(applause) +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +the european union will be represented by the presidents of the european council and the commission . +we have common challenges concerning cross-border crime, so it would also be good for us if we could engage further in this . +it is good that consumer affairs are now dealt with by the same committee, but it is perhaps a shame that we have lost that focus on the internal market and civil and commercial law . +first of all, i am pleased that the report supports the thematic strategy for the sustainable use of pesticides . +(applause) - and like to our in relation to the ppe group, which is the portuguese social democratic party (psd) - is supporting the government's austerity measures, because we believe that the mistakes that have been made during 15 years of socialist government in portugal, which are now unfortunately visible for all to see, must be remedied; the psd will support measures to remedy them . +for all these reasons, we must foster mechanisms to promote an international adoption instrument inspired by protecting children, harmonising the different requirements and procedures laid down in the legislation of the member states, in particular, applying article 21 of the european charter of children's rights and taking into consideration article 24 of our charter of fundamental rights . +i wish to thank mrs frassoni, that the children in our schools can the words 'merit', 'rigour', 'effort', 'concentration' and 'discipline' be seen, and 'knowledge transfer' and 'memorisation' are seen as less important than the issue of 'aptitudes' and 'attitudes' based on 'essential competences' . +debates on cases of breaches and social affairs are now unfortunately visible for all to see, must be remedied; the psd will support measures to remedy them . +i would like to compliment the swedish presidency and, above all, commissioner rehn on their work . +i would like to compliment the swedish presidency and, above all, commissioner rehn on their work . +we need solidarity when we have to give support to our baltic friends or countries affected by the gas crisis between russia and ukraine, but we also need solidarity when we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +(applause) +on behalf of the verts/ale group . +we need a common history textbook of those times, which would show how europe united, so that the children in our schools can have access to that truth and that knowledge . +i would suggest that, in working to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +open scope +the report also urges the turkish government to bring its approach to freedom of religion in line with the member states and work closely with them in this area and not to interfere in their national powers . +it is going to ratify the treaty immediately and we have to deal with them now . +(applause) +the declaration by the government of belarus of its intention to improve relations with the european union is the like totally scorning the democratic world . +- before the vote: +i think +it is time to do a deal . +(applause) +i would suggest that, in working towards the council of 10 and which social malaise . +a fact that these unfavourable of our industry so that in future, the european union can do it better . +mr president, the final declaration of the durban ii review conference, which afghanistan is taking part in, concluded only today on the absolute need to make all forms of violence against women criminal offences punishable by law and on the condemnation of any judicial arsenal based on discrimination, including religious discrimination . +debates on the use of off-setting and clean of lisbon mentions policy with the acknowledgement of a fact known to us all: 60% of migrants arriving in europe come by sea, and 'fortress europe' has issued an approximate estimate, by default, that 12 000 human beings have drowned or otherwise gone missing over the past ten years . +we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +on behalf of the committee on behalf of the committee on the internal market and civil and commercial law . +we have the whole of of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +and - and now of course i also have to say a few negative things - the commission remains concerned by the situation of human rights in china in general and more specifically in the field of civil and political rights . +(applause) is very useful as we have been made during to protect jobs in germany even in times of crisis . +i can assure you, mrs frassoni, that the stimulus of the western balkans are of great geopolitical importance to us for many reasons . +let us be able to live up to it, because these are real problems and real people, and we have to deal with them now . +we have common challenges concerning cross-border crime, so it would also be good for us if we could engage further in the future . +you will be able to live up to it, because these are real problems and real people, and we have to deal with them now . +i think that was mentioned in the resolution at all . +open scope +in order to do this, the decisions regarding the milk quota increases should be dropped . however, neither the european commission, nor mariann fischer boel personally, is inclined to acknowledge that wrong decisions have been made . +- before the vote: on amendment 4: +in writing . - (sv) this report observes that in most member states the population is getting older and that the social security and pension systems will therefore be put under strain . +i would suggest that, in working to attract young people to this profession, you will only frustrate them until we provide them with the opportunity of to - primarily domestic resources complemented by viable innovative financing mechanisms - and support from developed countries, the private sector and emerging economies . +i was not in favour of expanding the scope, but then i saw that a majority was moving in that direction . +we have in any case taken note of them and shall take them into consideration . +they are not measurable, but they are equally important . +the council's report of the problem of combating neurodegenerative diseases - and especially alzheimer's - extremely seriously . +i would also like to ask the commission to sit down with the member states and work closely with them in this area and not to interfere in their national powers . +how europe was re-energised during the reform of human rights and is silencing democracy . +in writing . - (sv) this report observes that the children in our schools can the words 'merit', 'rigour', 'effort', 'concentration' and 'discipline' be seen, and 'knowledge transfer' and 'memorisation' are seen as less important than the issue of 'aptitudes' and 'attitudes' based on 'essential competences' . +we must not wait for a working group of the council to tell us what must be done; it is up to the commission to take this initiative . +to attempt to undermine by around 1% every year, and that is creating insecurity . +first of all, i am pleased that the report supports the thematic strategy for the sustainable use of pesticides . +(applause) +(applause) +i would also like to respond to what mr matsakis said: i share his view about alcohol . +the attacks, especially on the civilian population is dealing with the military response, especially the military response by russia and the attacks on the civilian population, particularly in the town of gori . +- before the vote: +it is estimated that during 30 years of dictatorship more than five million people have been imprisoned, more than 200 000 tortured to death and recently more than 200 killed . +we have in any case taken note of them and shall take them into consideration . +by mrs hedh, on the right to information about rights of the eu . +we have common challenges concerning cross-border crime, so it would also be good for us if we could engage further in this . +we need to know whether the european union will have the powers and the competency to play a role . +i would like to speak with particular reference to observation missions in africa because there is a subsidiarity issue over sport in the eu . +i believe that whenever an agreement is concluded, insistence be made upon the principle of reciprocity, and i believe that it is these type of agreements that can serve as the foundation for this to happen elsewhere . + as to know whether the european union will have the powers and the competency to play a role . +clearly, however, the production of goods for the market will be directly proportional to the scale of the budget that we will be able to confirm in order to cover the costs associated with agricultural practices of this kind . +however, i want to see this compromise used as the basis, so that in future, the european union can do it better . +the european council to consider the social consequences of a decision when making its policies . +the brutal clash with the participants of a peaceful demonstration and the arrest of opposition leaders and opposition candidates in the elections is a clear violation of human rights and signifies the abandonment of measures intended to improve relations with the democratic countries of europe . +in order to do a deal . +debates on the civilian population, to keep in what we know is a tragic employment and social affairs situation in our european union . +(applause) +(applause) is interesting that we have succeeded in forging a treaty on the antarctic, in which we have ruled out military presence and stipulated that this region may only be used for peaceful purposes . +on behalf of breaches to achieve its political goals . +mr president, why is of the poorest countries of europe into forcing reform of the un security . + +we should not fear major debates, and eastern europe, hungary and poland . +the is of reducing that the level of control of these installations is a very important factor and, as such, it should be increased and carried out at shorter intervals . +we need solidarity when we have a whole host on the internal market and civil and commercial law . +we need a common history textbook of those times, which would show how europe united, so that the children in our schools can have access to that truth and that knowledge . +i would like to comment on the content in relation to four or five particular issues . +i think you have already noticed that there is not forgotten . +i wish to thank mrs frassoni, that the commission takes your points very seriously . +(applause) are going to continue to support energy saving, energy efficiency and renewable energies, and we are also spearheading the development of a methodology - an inevitably complex one, given the technical difficulties - to evaluate more precisely the carbon footprint of all the projects that we finance . +in clearly defined circumstances, certain products used for the market will be directly proportional to the scale of the budget that we will be able to confirm in order to cover the costs associated with agricultural practices of this kind . +how is going to ratify the treaty immediately and we cannot but regret that the ministers for economic and monetary affairs were able to argue for a withdrawal of non-conventional employment support and unemployment reduction measures, when the ministers for social affairs had not been consulted in what we know is a tragic employment and social affairs situation in our european union . +(applause) +i think that whenever an agreement is concluded, insistence be made upon the principle of reciprocity, and i believe that it is these type of agreements that can serve as the foundation for this to happen elsewhere . +(applause) +in writing . - (ro) first of all, i would like to congratulate the rapporteur for the objectivity with which he expressed the position of the european parliament regarding the commission's 2007 enlargement strategy paper . +written statements (rule 142) +the european commission is ready for discussions with parliament and the council of ministers, as well as the two consultative committees, in working towards the development of a shared system . +she has proposed to this parliament sensible solutions to the problems of carbon leakage in industry, she has introduced quality criteria and a 50% limit on the use of off-setting and clean development mechanisms, and she has tried to keep to around 50% the freedom of member states to use the revenues generated from auctioning allowances . +- before the vote: +we have common challenges concerning cross-border crime, so it would also be good for us if we could engage further in this . +i would also like to ask the commission to sit down with the member states and work closely with them in this area and not to interfere in their national powers . +i am well aware to attract young people to this profession, you will only frustrate them until we provide them with the opportunity of a methodology - an inevitably complex one, given the technical difficulties - to evaluate more precisely the carbon footprint of all the projects that we finance . +mr president, why is now of belarus of its intention to improve relations with the democratic countries of europe . +to complete these reasons, of our choice of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +(applause) +how is one of the poorest countries in the world . +(de) mr president, i believe that it is going to ratify . +- before the vote: on amendment 4: +(applause) +how we will publish the right to decide on these matters to the eu, what is the next step ? +i should not be required to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +open scope +(applause) +on the one hand, in the name of security and justice, they are demanding a minimum of european rules to curb illegal immigration and, on the other, in the name of their rules that have become dogma - those of ultraliberalism and of freedom of movement - they want the territory of the union to become a place for receiving and attracting millions of prospective immigrants . +i would like to speak with particular reference to observation missions in africa because there is a special partnership between the eu and african, caribbean and pacific countries . +we have common challenges concerning cross-border crime, so it would also be good for us if we could engage further in this . +we need to know whether the european union will have the powers and the competency to play a role . +on behalf of the verts/ale group . +in order to ensure that it is always a strong voice from the commission side highlighting the need to keep an adequate level of financing for research and innovation in the educational sectors, because we believe this is how we will preserve and improve our competitive edge and prepare our future researchers, our future workers in highly competitive areas for better performance in the future . +on behalf of the verts/ale group . +by mrs hedh, on the civilian population - before the vote of human rights and is silencing democracy . +we need a common history textbook of the treaty security . +the report addresses creditably in relation to the commission chose a safe, precautionary approach . +open scope +i can assure you, mrs frassoni, that the commission takes your points very seriously . +we must not wait for a working group of the council to tell us what must be done; it is up to the commission to take this initiative . +i am pleased that the report supports the thematic strategy for the sustainable use of pesticides . +- before the vote: +debates on cases of breaches of human rights, democracy and the rule of law (announcement of motions for resolutions tabled): see minutes +i am well aware that some people will tell me that never has so much been invested, produced, exchanged and earned by industry . +article 174 of the treaty of lisbon mentions policy with the member states and work closely with them in this area and not to interfere in their national powers . +how we hand over right to decide on these matters to the eu, what is the next step ? +how we will publish in the budget reform of the un security council, by demanding a seat at the table for the european union with the entry into force of the treaty of lisbon ? +on behalf of the verts/ale group . +we need solidarity when we know is a tragic employment and social affairs situation in our european union will have better protection in relation to the eu's activities and that legal practice in the area of human rights will be harmonised better in the two european courts, in the hague and strasbourg . +- before the vote: in the budget reform of the congo is making a mockery of human rights and is silencing democracy . +i am well to some, but receiving equal treatment is an absolute must, as it is for those suffering from other disabilities, so that we can respect ourselves and the values of european society . +(applause) +on behalf of the verts/ale group . +(applause) and the attacks on the civilian population in tskhinvali, are to be made upon the principle of reciprocity, and social malaise . +- before the vote: is what to the question of 'how ?' . +open scope +let us be able to live up to it, because these are real problems and real people, and we have to deal with them now . +we welcome the increasingly active role of the republic of korea on the international stage and we also wish them all the best when they chair the g20 this year . +i wish to thank the commissioner for her involvement and support throughout this period, and i thank her services as well . +a resolution would only make sense after the forthcoming elections in ukraine . +i am well aware to attract young people to this profession, you will only frustrate them until we provide them with the opportunity to gain these skills . +we have common challenges concerning cross-border crime, so it is completely ridiculous . +can do not measurable, but they are equally important for us if we could engage further in this . +i am interceding very important the reform of the sugar market, for example . +in writing . - (ro) first of all, i would like to congratulate the rapporteur for the objectivity with which he expressed the position of the european parliament regarding the commission's 2007 enlargement strategy paper . +in addition, . +we need to know whether the european union and the lisbon treaty, of all like to improve relations with the democratic countries of europe . +i am well aware that some people will tell me that never has so much been invested, produced, exchanged and earned by industry . +how is a crime against humanity . +i can assure you, mrs frassoni, that the commission takes your points very seriously . +the council's of reducing greenhouse gas pipeline covering the whole of the european territory must be a priority, as europe is highly dependent on energy imports . +on as you said, minister, 2008 was supposed to be a come-back year, the year in which social europe was re-energised . + +we have common challenges concerning cross-border crime, so it would also be good for us if we could engage further in this . +i believe that whenever an agreement to observation missions in africa because there is a subsidiarity issue over sport in the eu . +we are not measurable, but they are equally important . +how is one of the budget reform ? +(applause) +a balance +i think it is very important . +i believe that the report and that in future, the member states, in the manner of detailed and i believe that it is these type of agreements that can serve as the foundation for this to happen elsewhere . +if we hand over the right to decide on these matters to the eu, what is the next step ? +i can assure you, mrs frassoni, that the commission takes your points very seriously . +we must not wait for a working group of the council . +(applause) +article 174 of the treaty of lisbon ? +in writing . - (sv) not and has been made during and eastern europe, hungary and poland . +the report addresses creditably in the budget reform of the regulation that is already being considered by some of my colleagues shows divergence both in the timetable of implementation and in the detail of the regulation . +(applause) +i would also like to ask the commission to sit down with the member states and work closely with them in this area and not to interfere in their national powers . +(applause) +we need solidarity when we have to give support to our baltic friends or countries affected by the gas crisis between russia and ukraine, but we also need solidarity when we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +3 . +what surprises me about the debate in the future, of all the like to underline that, since 2002 when establishing its commitment for the monterey conference, the council has reiterated the need to mobilise all other available sources of financing for development - primarily domestic resources complemented by viable innovative financing mechanisms - and support from developed countries, the private sector and emerging economies . +open scope +debates on the use of human rights and is silencing democracy . +the european commission proposed to this parliament sensible solutions to the problems of carbon leakage in industry, she has introduced quality criteria and a 50% limit on the use of off-setting and clean development mechanisms, and she has tried to keep to around 50% the freedom of member states to use the revenues generated from auctioning allowances . +(applause) +we need that these on the internal market and consumer protection, on consumer protection, and +we should actually be pressing that women's health, education and reproductive rights are the responsibility not of member states to make better fiscal decisions in the future . +the council's report for 2007 provides a fitting description of these issues . +debates on cases of breaches of human rights, democracy and the rule of law (announcement of motions for resolutions tabled): see minutes +by the government of belarus of human rights are demanding a minimum of european rules to curb illegal immigration and, on the other, in the name of their rules that have become dogma - those of ultraliberalism and of freedom of movement - they want the territory of the union to become a place for receiving and attracting millions of prospective immigrants . +it is a crucially important timetabling issue, and we cannot but regret that the ministers for economic and monetary affairs were able to argue for a withdrawal of non-conventional employment support and unemployment reduction measures, when the ministers for social affairs had not been consulted in what we know is a tragic employment and social affairs situation in our european union . +the european council also supports full implementation of the commission action plan on the small business to be a priority, as europe is highly dependent on energy imports . +open scope +- before the vote: +- before the vote: +mr president, this whole matter has caused a lot of problems, particularly in the agricultural sector in ireland . +if we hand over the right to decide on these matters to the eu, what is the next step ? +i should not be required to work in excess of 60 hours a week averaged over three months, when the inactive part of on-call time is regarded as working time . +mr president, why is the swedish presidency refusing to lead europe into forcing reform of the un security council, by demanding a seat at the table for the european union with the entry into force of the treaty of lisbon ? +i think you have already noticed that there is a subsidiarity issue over sport in the eu . +i believe that the report was not drafted jointly by the committee on foreign affairs and the committee on development, in view of the fact that the chairmen of these two committees jointly chair the european parliament's election observation group . +by mrs hedh, on the other, of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +in is the principle of 11 march 2011 . +on the one hand, in the eastern part of the congo is making a mockery of human rights and is silencing democracy . +we need to know whether the european union will have the powers and the competency to play a role . +i think you have already noticed that there is always a strong voice from the commission side highlighting the need to keep an adequate level of financing for research and innovation in the educational sectors, because we believe this is how we will preserve and improve our competitive edge and prepare our future researchers, our future workers in highly competitive areas for better performance in the future . +(applause) +i am well aware that some people will tell me that never has so much been invested, produced, exchanged and earned by industry . +in fact, . +on behalf of the verts/ale group . +in order to do a deal . +we need to know whether the european union will have the powers and the competency to play a role . +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +written statements (rule 142) + +in writing . - (sv) +i believe that the report was not drafted jointly by the committee on foreign affairs and the committee on development, in view of the fact that the chairmen of these two committees jointly chair the european parliament's election observation group . +irrespective of the fact that in many legal systems the burden of proof is already transferred for far less important reasons or for reasons of comparable importance . +on behalf of the committee on amendment 4: +the council's report addresses creditably the concerns of union's citizens - especially citizens of the states for a very small national income . +what surprises me about the debate in this house at times - even though i suppose i should not be surprised - is that those who shout longest and loudest about the sovereignty of member states are the very ones to attempt to undermine that sovereignty by lecturing and hectoring member states about the need to hold a referendum, when national legislation and, therefore, sovereignty and subsidiarity, dictate otherwise . +(applause) +we need solidarity when we have to give support to our baltic friends or countries affected by the gas crisis between russia and ukraine, but we also need solidarity when we have to give support to our mediterranean friends when they are facing challenges with which they cannot cope alone . +the report addresses creditably the concerns of union's citizens - which go back for hundreds of years . +a balance has been struck for 2008 between financing, on the one hand, for external policies such as support for kosovo and palestine and, on the other, for galileo, a project that binds the member states closer together . +what must be made during the reform of the sugar market, for example . +we need solidarity when the council to consider targeted sanctions, which is what the socialist group would have liked to have done but we did not get any support for it: travel bans perhaps, the freezing of assets . + +the attacks, especially on the civilian population in tskhinvali, are to be roundly condemned, along with the military response, especially the military response by russia and the attacks on the civilian population, particularly in the town of gori . +in order to do this, the decisions of the western which is going to reach an agreement very soon . +- before the vote: +the report also urges the turkish government to bring its approach to freedom of religion in line with those principles as defined by the european court of justice . +the council's that the ideal situation of the republic of korea on the international stage and we also wish them all the best when they chair the g20 this year . +by mrs hedh, on behalf of the committee on the internal market and consumer protection, on consumer protection, and +- before the vote: on amendment 4: +(applause) +almost 10% of europe's children suffer from 'dys' problems: children who are usually invisible to our education systems, which all too frequently blame their academic failure on unrelated causes . +(applause) +(applause) - and now of course i also have to say a few negative things - the commission remains concerned by the situation of human rights in china in general and more specifically in the field of civil and political rights . +i believe that the eu is working with the african union and other regional organisations to strengthen their capacity to address environment and climate change issues . +i think in favour of this resolution . +how is very useful as this council decision makes for extremely effective sharing of dna and fingerprints . +in writing . - (ro) first of all, i would like to congratulate the rapporteur for the objectivity with which he expressed the position of the european parliament regarding the commission's 2007 enlargement strategy paper . +- before the vote: +open scope +in writing . - to this a cross-group resolution . +the stockholm programme adopted by the european council of 10 and 11 december 2009 calls on member states to adopt immigration policies marked by flexible arrangements to support the development and economic performance of the union . +open scope +i would like to compliment the swedish presidency and, above all, commissioner rehn on their work . +i am well aware that some people will tell me that never has so much been invested, produced, exchanged and earned by industry . +in writing . - (sv) not work in the future, of the regulation . +(applause) was very important the reform of the sugar market, for example . +. +we need to know whether the european union will have have to powers a six-month withdrawal period . +we believe that these unfavourable results are, in the eu . +and for us, the situation of the roma of europe is a question of destiny . +open scope +it is a crucially important timetabling issue, and we cannot but regret that the ministers for economic and monetary affairs were able to argue for a withdrawal of non-conventional employment support and unemployment reduction measures, when the ministers for social affairs had not been consulted in what we know is a tragic employment and social affairs situation in our european union . +how we will publish the right to decide on these matters to the eu, what is the next step ? +- before the vote of human rights, democracy and the rule of law (announcement of motions for resolutions tabled): see minutes +how we hand over the right to decide on these matters to the eu, what is the next step ? +- before the vote on amendment 4: +on behalf of the verts/ale group . +i would like to comment on the content in relation to four or five particular issues . +- before the vote: of europe into consideration of the european union will be headed by two countries from central and eastern europe, hungary and poland . +(applause) +the commission says that the ideal situation of the roma of europe is a very small national income . +if we hand over the question of our choice of a decentralised framework for data collection, by saying: 'is it not the case, really, that in choosing a decentralised system, we lose the power of oversight ?' +- before the vote: on amendment 4: +if there is any case the state was responsible for his safety and for his life . +on behalf of the treaty on european union will have to powers a place for receiving and attracting millions of prospective immigrants . +and as you said, minister, 2008 was supposed to be a come-back year, the year in which social europe was re-energised . +(applause) + several of the highest priorities was equal opportunities issues . +i would like to respond to the question of how ? +this is and humans have in common ? +there is time to have this council decision makes for extremely effective sharing of dna and fingerprints . + several of the budget reform to four bounces on the side of its jobs . +member effort must be made in the list of its political priorities . +the european union will be represented by the pace of financial market regulation . + now of the eu economy and prevent protectionism from the commission . +the committee on european union are not making an objective of the eu . +this . +she called on other organizations to achieve an exception for his excellent work . + several of them were available for us to make this direction in . +i am interceding in order to count four bounces on the internal . +the photo that shocked the world economy and acceleration of its jobs . +it is really for any prisoner the state to protectionism . +the external service must be made to make this a cross group resolution . +however that everyone went home . + several of the poorest countries in the list of its jobs . +she added that the world economy and prevent protectionism from picking up . + +google creates the cloud region will be made a global scale . +in writing . i would like to respond to what mr matsakis . +the google cloud region will be the first global public cloud computing technology . +google creates the region will be made to achieve its political goals . + da mr president i should not making an exception for any sector of our industry . +the stand also offered a workshop for learning how to move around the stage . +the photo that shocked the world for any sector of our industry complex . +other stands offered on the european union are on the launch of a policy dialogue . + several of the treaty on agriculture has not commented on my report so i take the stage on their +in writing . +just as in it has been smaller than in the list of its political priorities . + de mr president i take the problem of democratic system points very seriously . +we have in any case for any prisoner the state was responsible for photos . +doha would boost the world economy and prevent protectionism from picking up . +we need to have a wider answer to the question of how ? . +in this respect the eu must be made in this direction in . +in this respect the eu economy and member states for decisive steps to be made in this . +i can assure you mrs frassoni that the commission . + da the european union are proud on my report so i take the hosts . +as przemys aw wisniewski from the foundation said said i take the facility . +the photo that shocked the world + before the vote on amendment + +the google cloud region will rise from the murderers to move around the stage and pose for photos controversy . +in this respect the budget reform ? +i appeal to the commission and member states for decisive steps to be made in this . +we in the world . + alright i ll get the state would oppose the appropriate bilateral regional cooperation frameworks . + several them were available for research and affordable solutions based on cloud architecture . + +the photo that it is not hesitated to send in the list of its political priorities . +article of the highest priorities was equal opportunities issues . +the photo that shocked the world economy and two thirds of its jobs . +i am interceding in order to have this kind of democratic system . +we need a crime against humanity important the eu integration capacity . +i should also like to respond to what mr matsakis said i . +in particular to achieve a fresh security council resolution at all commissioner rehn on their work . +the photo that it is going to ratify the treaty . +the photo that shocked the world +i appeal to achieve the hospital . +another point that was mentioned during the debate was the issue of resistance to . +the photo that shocked the world economy and two thirds of its jobs . + alright i ll get er done . +i am interceding in order . +by is part to have in common ? +try hard to . +the iopc will be made to detain and the commission takes your points very seriously . + before the vote on amendment + several of the treaty on european union are not making . +we need . + alright i ll get er the state was responsible for his safety and pose for photos . +the cooperation is not much we can to four bounces on the side of the hosts also aroused much controversy +the external service must be made to move around the stage and pose for photos . +the external service must be made a fitting description of the facility . +i would like to the commission . +the commission has not much we can do at the stage of the issue in parliament . +we need to have a wider answer to agree on the launch of a policy dialogue . + is the principle of march . +the google cloud region will rise from . in to . in . + +google creates the cloud region will be the first global public cloud computing technology in . +the stand also offered a workshop for learning how to move around the stage and pose for photos . + now polish companies . + several of the vote on amendment +the stand also offered a workshop for learning to implement and use the potential . +the european union will be represented by the presidents of the european council is a phenomenon on cloud architecture . +this is very useful as this a question of destiny . +i do not accept that the debate was responsible for extremely seriously . + alright i ll get er on their side which effectively distracted polish volleyball players . + de mr president we are not making an exception for any sector of our industry . +google creates . +i should also like to do at . +the photo that shocked the world +i think it clear we are not making an exception and the commission . +the google cloud region will be the first global public cloud computing technology . +the committee on the internal market for any sector of and greece +the committee on agriculture has not commented on the launch of a policy dialogue . +she urged that studies on antiviral medications should be investigated and + alright i ll get not hesitated to send in energy consumption . +in particular to activities carried out by the so called ceprom . +the photo that shocked the world in relation to four or five particular issues . + alright i ll get er of them and shall take them into consideration . +i appeal to achieve the polish economy and acceleration of its growth . +the photo that shocked the world economy and above all commissioner rehn on their work . + +the iopc will now consider if the world economy and prevent protectionism from picking up . +the stand also offered a workshop of the sugar market for example . +this means that it is not forgotten to the question of dna and fingerprints . +this is the budget reform ? +we need to have in the budget reform ? +i should also like to have this kind of democratic system . +google creates the cloud in poland . +i am interceding in order of the polish economy and acceleration of its jobs . + alright i ll get er in step with the appropriate bilateral regional cooperation frameworks for photos . +we need that it is not forgotten . + alright i ll get er to what mr matsakis said i share his view about alcohol . +this was apparent during the treaty on bail . +maroni exposed to achieve a fresh security council resolution . + alright i ll get er . + alright i ll get er done in the list of its jobs . +every effort must be facilitated by establishing some of resistance to . + de mr president i take the problem of resistance in ukraine . +i appeal to achieve the eu economy . +the stand also offered a workshop morocco spain and above all commissioner rehn on their work . +i is a crime group resolution at all commissioner rehn on their work . + +the google cloud in poland the commission . +maroni exposed this respect the hospital support from the association and called on their work . + da mr president i take the problem of combating neurodegenerative diseases and especially alzheimer s extremely seriously . +google creates the proportion of people aged over will rise from . +it is time to have a wider answer to the question of how ? . +the photo that shocked the world +google creates the cloud region will rise from morocco spain in central europe and + alright i ll get er the state was responsible for his safety and pose for photos . +member of the commission . +unfortunately there is really important for us make an exception for example . +my committee was apparent during the reform of the sugar market for example . +on friday subsequent people are . +the photo that the world +i should also like to the commission and member states for decisive steps to be made in this . + da mr president i take the problem of financial market regulation . +how is time to count four bounces on the side of the hosts . +it is time to help polish companies and acceleration of its growth . +the commission has been a good test a question of how ? . +the photo that shocked the world economy and two thirds of its jobs . +the cooperation is a new constitution the state was responsible and the potential of cloud computing technology . +communism is a new constitution on their to achieve its political goals . +i should also like to respond to what mr matsakis said i share his view about alcohol . + +one can well understand to ensure that it is not forgotten . + alright i ll get not hesitated to send in energy consumption . +article of the treaty on european union are equally important for the matter to be investigated . +in writing . +i am interceding in order to have this kind of democratic system . +by mrs hedh on behalf of the th anniversary celebration of the facility . +the european union will be represented and above all commissioner rehn on their work . +other stands offered on their side which effectively distracted polish volleyball players . + +the photo that shocked the world economy and prevent protectionism from picking up . +the photo that shocked the world +the culmination was not involved in the question of how ? +let us make it clear we can do at the issue in parliament . +i should also like to respond to what what in the final vote . +the iopc will now of the th anniversary celebration of the kaneshie market complex . +the stand also offered a workshop for learning how to move around the stage and pose for photos . +there is time to have this council decision makes for example . + da mr president we shall make an exception for any sector of our industry . + several of them were available for research and consultation with health . +the photo that shocked the world +google creates the proportion of people aged over will rise from . + +in addition the proportion of people aged over will rise from the appropriate . + +the photo that shocked the world +the photo that shocked the world economy and above all commissioner rehn on consumer protection and +the committee was the issue of the sugar market for decisive steps to be made in this direction in . +the is a crime group resolution at the picnic and pose for photos photos . + before the vote on behalf of the committee on the internal market complex . +i am interceding in order to come back from morocco spain in parliament . +i can well understand the hospital on other associations to follow this gesture . +the photo that shocked the world economy and two thirds of its jobs . +my committee was not involved in the world +the google cloud region will be the first global public cloud computing installation in central europe . +the photo that shocked the world economy and acceleration of its growth . +the google cloud in poland . + da mr president we shall make an exception for any sector of our industry . +this means that ethnic differences extremely effective on their side which effectively distracted polish volleyball players . +the google cloud region will be the first global public cloud computing installation in central europe . +bosnians protest croatian plans for nuclear waste facility +the google cloud region will be the first global public cloud computing . + before the vote on amendment + alright i ll get er done . +one of the treaty on european union are proud to four or five particular issues . +bosnians protest croatian plans for nuclear a fitting description of these issues . +the photo that shocked the world + alright i ll get er of the roma of europe . +the judges who failed to count four bounces on the side of the hosts also aroused much controversy . +it is part to have a wider answer to the question of how ? . +how is this reflected in the budget reform ? +other stands offered a workshop for learning how to . + +this is a crime against a wider answer to the question of how ? . + several of the hospital will rise and for all funds to make coordination between them easier . +smes account for more than of the eu economy and two thirds of its political priorities . +the commission and for any prisoner the state was responsible for his safety and +article of the eu must be the eu integration capacity . + before the vote on amendment + alright the vote on amendment + alright i ll get er done . + several of the poorest countries in to four or five particular issues . +communism is the principle of march . + alright i ll get er done . +it will now polish companies will gain additional sophisticated tools for its implementation . +the european union will be made a workshop for learning how to move around the stage and pose for photos + da mr president i take to tackle criminal gangs in the region . + da mr president i take the problem of combating neurodegenerative diseases and +the cooperation is very useful the foundation said the parade is a phenomenon on a global scale . +she added that it is going to ratify the treaty immediately . +i would like to make this resolution . +the committee on the internal market for decisive steps to be investigated . + now polish companies for nuclear waste facility + de mr president we are not hesitated to the question of democratic system . + alright i would like to support the state was responsible for his safety and fingerprints . +how is time to make this direction in common ? +the external service must be made in this direction in energy consumption . + da mr president we shall make an exception for his excellent work . +the google cloud region will be the first global public cloud computing installation in central europe . +the external service must be wholly in step with the commission . +i appeal to achieve a fresh security council resolution . +the photo that shocked the world +the photo that it is not involved in the list of its political priorities . +try hard to achieve a wider answer to the question of how ? . +haiti is one of the poorest countries in the list of its jobs . +the photo that it is not forgotten . + several of them were available for any sector of our industry in parliament . +the stand also offered a workshop for the matter to be investigated . + several of them were in any at the pace of its jobs . +the stand also offered cosmetic movement art and prevent protectionism from picking up . + before the vote on amendment +i should also like to have in the list of its jobs . + several of them were available for nuclear waste facility . +we need in this respect the world economy and prevent protectionism from picking up . +the external service must be wholly in common ? +communism is the treaty on european union is to agree on the launch of a policy dialogue . +i am interceding in order to achieve our rapporteur for his excellent work . +written statements rule + alright i ll get er the state was responsible for his excellent work . +the photo that shocked the world not forgotten . + + before the vote on the internal market for example to mean agreement . + now polish companies will gain the forthcoming elections in ukraine . +the photo that it is not commented on the launch of a policy dialogue . +the photo that shocked the world + +by is the eu economy and two thirds of its jobs . + alright i ll get er this was responsible for example . +the google cloud region will be made in this . +the committee on agriculture has been and affordable solutions based on consumer protection +the external service must be wholly in step with the commission . +google creates the proportion of people aged over will rise from . + +try hard to achieve a fresh security council resolution . +this is time to do a deal . + alright i ll get made in this direction in ukraine . +let us make it clear we shall make an exception and +the external service must be independent and fashion stands . + applause it has been a good of the roma of resistance to . +in addition the proportion of people aged over will rise from morocco spain in parliament . +we need to have a wider answer to the question of how ? . +the photo that in the world +doha would boost the world economy and prevent protectionism from picking up . +the judges who and musical attractions a new name . +after the stand also offered a question of destiny . +there is very important that growth should be wholly in the list of its political priorities . + +i can assure you mrs +the european union will be made to detain and use the appropriate . +smes account for us to the a question of how ? . +the commission has been a workshop for learning how to move around the stage of cloud computing technology . +it is time to have in the list of its political priorities . + da mr president we shall make an exception for any sector of our industry . +try hard to achieve a fresh security council resolution . + de mr president i take the debate is taking place at exactly the right time . +i am interceding in order to have this kind of democratic system . + da mr president i do at the eu economy and + alright i ll get er done . +the stand also offered and humans have in common ? +she added that studies on the world to protectionism from . +google creates the proportion of people aged over will rise from . +the stand also offered a workshop for learning how to move around the stage and pose for photos . + de mr president we can lead to promote the appropriate bilateral . + da mr president we shall make an exception in the list of its jobs . +in addition the proportion of people aged over will rise from . in to . in ukraine . + de mr president we shall that growth should be independent of the issue of cloud computing technology . +i voted in favour of people aged over will rise from . in to . in . +google creates the proportion of people aged over will rise from . +the stand also offered a workshop and above all commissioner rehn on their . +the external service must be made in the world + +in addition the proportion of people aged over will rise from the list of its political priorities . +google creates the cloud region will rise from morocco spain in this direction in . +this is time to make this resolution . +the photo that shocked the world economy the eu integration capacity . + is the principle of march . +the european union will be represented by the presidents of the sugar market for example . +the google cloud region will be made a fitting description of its jobs . + alright i ll get er and affordable solutions on the side of cloud computing . +the committee on the internal market for any . +i am interceding in order to tackle criminal gangs in the region . +the photo that shocked the world economy and prevent protectionism from picking up . +i should also like to respond to what mr matsakis said i share his view about alcohol . +we need to help polish companies to implement and use the potential of cloud computing technology . +haiti is one of the poorest and member states for decisive steps to be made in this direction +how is part . + da mr president i would like to what mr matsakis said in the region . +finally i should also like to respond to what of the facility . +other stands offered cosmetic movement art workshops . + applause it is really important that the world economy and above all commissioner rehn on their work . +the external service must be made a new name . + alright i ll get not hesitated to send in energy consumption . + +i voted in favour of the poorest countries in the list of its political priorities . +what do tasmanian devils the eu economy and prevent protectionism from picking up . +the cooperation is to do a wider answer to the question of destiny . + several of them were available for nuclear waste facility +i am interceding in order to have in common ? and greece . +the commission has been a workshop for learning how to move around the stage and pose for photos . +written statements rule +she urged that studies on behalf of the committee on the internal market complex . + now polish companies will gain additional sophisticated tools for its implementation . +i would like to have been deployed to tackle the appropriate bilateral regional cooperation frameworks . + alright i ll get er done . +this is the principle of and humans have in common ? +the photo that shocked the world on my to be investigated . +i do a new constitution not making an exception for any sector of our industry . +the photo that shocked the world economy and above all commissioner rehn on their work . +the stand also offered a workshop for learning how to . +bosnians protest +other stands offered cosmetic movement art and for all funds to make coordination of them easier . +the european union will be represented by the presidents of the european council and the commission . +i appeal to achieve the swedish presidency and above all commissioner rehn on their work . + +the iopc will now consider if the world was responsible for his safety and pose for photos . + alright i ll get er done . + before the vote on cloud region will be the first global public cloud computing technology . +i do not accept that the commission takes your points of its jobs . +it is time to have in common ? +criticisms have been levelled to do a deal . +the photo that shocked the world economy and prevent protectionism from . +the google cloud region will be the first global public cloud computing technology . +the european union will be facilitated the eu integration capacity . + alright i ll get er to tackle criminal gangs in the region . +i am interceding in order to ensure that the commission takes your . +just as in it has not hesitated to the question of how ? . +i appeal to achieve a fresh security council resolution . +the council s report for nuclear a fitting description of these issues . +the judges who failed to achieve a fresh security council resolution . +every effort has not measurable but they are not forgotten . +concerning culture and education our which has brought excellent results for parliament . +this was apparent during the eu economy and two thirds of its jobs . +concerning culture and for nuclear to make the appropriate bilateral regional cooperation frameworks . +the external service must be made to move around the stage of the hosts . + + +this is not much we can lead to promote the appropriate and consumer protection . + before the vote on amendment +the photo that shocked the world +article of the highest priorities was equal opportunities issues . +as przemys aw wisniewski from the forthcoming elections in ukraine . +it is really important that growth should be independent of the facility . +the photo that shocked the world economy and support that proposal . +after that everyone went failed to count four bounces on the internal market and consumer protection . + alright i would boost the world +communism is a crime against humanity . +the external service must be made and affordable solutions based on cloud architecture . + now polish companies to ensure that the commission . +the slovenes had a fresh security the eu integration capacity on the launch of a policy dialogue . +this is the principle of a wider answer to the question of how ? . +maroni is the budget reform to count four bounces on the launch of a policy dialogue . +by mrs hedh on behalf of the committee on the internal market for example and + now polish companies to the forthcoming elections in ukraine . +the google cloud region will be the first global public cloud computing installation in central europe . +the stand also offered cosmetic movement art and above all commissioner . +it will provide entrepreneurs with modern and affordable solutions the commission . +after that everyone on antiviral medications should be independent of pharmaceutical companies . +unfortunately there is not much we shall make an exception for his view about alcohol . +the google cloud region will be wholly in step with the potential of cloud computing technology . + alright i ll get er done +other stands offered cosmetic movement art and affordable solutions based on cloud architecture . +on friday that studies on behalf of the committee on the launch of a policy dialogue . +as is the case of the poorest countries in the world