Pefu commited on
Commit
9c8a073
·
1 Parent(s): 15be1d1

Upload folder using huggingface_hub

Browse files
.github/workflows/update_space.yml ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ name: Run Python script
2
+
3
+ on:
4
+ push:
5
+ branches:
6
+ - main
7
+
8
+ jobs:
9
+ build:
10
+ runs-on: ubuntu-latest
11
+
12
+ steps:
13
+ - name: Checkout
14
+ uses: actions/checkout@v2
15
+
16
+ - name: Set up Python
17
+ uses: actions/setup-python@v2
18
+ with:
19
+ python-version: '3.9'
20
+
21
+ - name: Install Gradio
22
+ run: python -m pip install gradio
23
+
24
+ - name: Log in to Hugging Face
25
+ run: python -c 'import huggingface_hub; huggingface_hub.login(token="${{ secrets.hf_token }}")'
26
+
27
+ - name: Deploy to Spaces
28
+ run: gradio deploy
LICENSE ADDED
@@ -0,0 +1,21 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ MIT License
2
+
3
+ Copyright (c) 2023 Martin Thissen
4
+
5
+ Permission is hereby granted, free of charge, to any person obtaining a copy
6
+ of this software and associated documentation files (the "Software"), to deal
7
+ in the Software without restriction, including without limitation the rights
8
+ to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
9
+ copies of the Software, and to permit persons to whom the Software is
10
+ furnished to do so, subject to the following conditions:
11
+
12
+ The above copyright notice and this permission notice shall be included in all
13
+ copies or substantial portions of the Software.
14
+
15
+ THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
16
+ IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
17
+ FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
18
+ AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
19
+ LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
20
+ OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
21
+ SOFTWARE.
README.md CHANGED
@@ -1,12 +1,114 @@
1
  ---
2
- title: Testegradio
3
- emoji: 🏆
4
- colorFrom: green
5
- colorTo: indigo
6
  sdk: gradio
7
- sdk_version: 4.5.0
8
- app_file: app.py
9
- pinned: false
10
  ---
 
 
11
 
12
- Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
  ---
2
+ title: testegradio
3
+ app_file: llama.py
 
 
4
  sdk: gradio
5
+ sdk_version: 3.37.0
 
 
6
  ---
7
+ # Llama2 on Your Local Computer
8
+ Run the new Llama2 and Llama2-Chat models on your local computer.
9
 
10
+ ## Getting Started
11
+
12
+ ### Installation
13
+
14
+ 1. Clone the repository:
15
+ ```
16
+ git clone https://github.com/thisserand/llama2_local.git
17
+ cd llama2_local
18
+ ```
19
+
20
+ 2. Install required dependencies:
21
+ ```
22
+ pip install -r requirements.txt
23
+ ```
24
+
25
+ ### Prerequisites
26
+ To be able to download the model weights and tokenizer from Huggingface, you firtst need to visit the [Meta AI website](https://ai.meta.com/resources/models-and-libraries/llama-downloads/) and accept their License (my request got approved within 30 minutes). Make sure that you state the email address that you are also using for your Huggingface account. Once your request got accepted, you need to go to one of the Llama2 Huggingface repositories (e.g., the Llama2-7B model) and request access for there again, as can be seen in the following image (access should be granted right away):
27
+ ![Huggingface Llama2 Access](./images/huggingface_llama2_access.png)
28
+
29
+ Once you are all set with your access requests the last step is to login to your huggingface account in your current runtime. For this we will use the following command:
30
+ ```
31
+ huggingface-cli login
32
+ ```
33
+ You can find your Access Token here (https://huggingface.co/settings/tokens):
34
+ ![Huggingface Access Token](./images/huggingface_access_token.png)
35
+
36
+ ### Windows
37
+ Make sure that you have gcc with version >=11 installed on your computer. Here are steps described by [Kevin Anthony Kaw
38
+ ](https://github.com/kevinkaw) for a successful setup of gcc:
39
+ - CMake version cmake-3.27.0-windows-x86_64.msi installed to root directory ("C:")
40
+ - minGW64 version 11.0.0 extracted to root directory ("C:")
41
+ - set environment path variables for CMake and minGW64
42
+ - install visual studio build tools. It's way at the bottom under "Tools for Visual Studio" drop down list.
43
+ - In visual studio, check the "Desktop development with c++", click install.
44
+
45
+ ## Usage
46
+
47
+ ### Full Precision (Original)
48
+
49
+ Llama2-7B:
50
+ ```
51
+ python llama.py --model_name="meta-llama/Llama-2-7b-hf"
52
+ ```
53
+ Llama2-7B-Chat:
54
+ ```
55
+ python llama.py --model_name="meta-llama/Llama-2-7b-chat-hf"
56
+ ```
57
+ Llama2-13B:
58
+ ```
59
+ python llama.py --model_name="meta-llama/Llama-2-13b-hf"
60
+ ```
61
+ Llama2-13B-Chat:
62
+ ```
63
+ python llama.py --model_name="meta-llama/Llama-2-13b-chat-hf"
64
+ ```
65
+ Llama2-70B:
66
+ ```
67
+ python llama.py --model_name="meta-llama/Llama-2-70b-hf"
68
+ ```
69
+ Llama2-70B-Chat:
70
+ ```
71
+ python llama.py --model_name="meta-llama/Llama-2-70b-chat-hf"
72
+ ```
73
+ ### GPTQ Quantized
74
+ Llama2-7B:
75
+ ```
76
+ python llama.py --model_name="TheBloke/Llama-2-7B-GPTQ"
77
+ ```
78
+ Llama2-7B-Chat:
79
+ ```
80
+ python llama.py --model_name="TheBloke/Llama-2-7b-Chat-GPTQ"
81
+ ```
82
+ Llama2-13B:
83
+ ```
84
+ python llama.py --model_name="TheBloke/Llama-2-13B-GPTQ"
85
+ ```
86
+ Llama2-13B-Chat:
87
+ ```
88
+ python llama.py --model_name="TheBloke/Llama-2-13B-Chat-GPTQ"
89
+ ```
90
+ Llama2-70B:
91
+ ```
92
+ python llama.py --model_name="TheBloke/Llama-2-70B-GPTQ"
93
+ ```
94
+ Llama2-70B-Chat:
95
+ ```
96
+ python llama.py --model_name="TheBloke/Llama-2-70B-Chat-GPTQ"
97
+ ```
98
+ ### GGML Quantized
99
+ Llama2-7B:
100
+ ```
101
+ python llama.py --model_name="TheBloke/Llama-2-7B-GGML" --file_name="llama-2-7b.ggmlv3.q4_K_M.bin"
102
+ ```
103
+ Llama2-7B-Chat:
104
+ ```
105
+ python llama.py --model_name="TheBloke/Llama-2-7B-Chat-GGML" --file_name="llama-2-7b-chat.ggmlv3.q4_K_M.bin"
106
+ ```
107
+ Llama2-13B:
108
+ ```
109
+ python llama.py --model_name="TheBloke/Llama-2-13B-GGML" --file_name="llama-2-13b.ggmlv3.q4_K_M.bin"
110
+ ```
111
+ Llama2-13B-Chat:
112
+ ```
113
+ python llama.py --model_name="TheBloke/Llama-2-13B-Chat-GGML" --file_name="llama-2-13b-chat.ggmlv3.q4_K_M.bin"
114
+ ```
__pycache__/llama_chat_format.cpython-310.pyc ADDED
Binary file (1.32 kB). View file
 
bhe.ipynb ADDED
@@ -0,0 +1,125 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "cell_type": "markdown",
5
+ "metadata": {},
6
+ "source": [
7
+ "This part only runs periodically for updating infos"
8
+ ]
9
+ },
10
+ {
11
+ "cell_type": "code",
12
+ "execution_count": null,
13
+ "metadata": {},
14
+ "outputs": [],
15
+ "source": [
16
+ "!pip install schedule"
17
+ ]
18
+ },
19
+ {
20
+ "cell_type": "code",
21
+ "execution_count": null,
22
+ "metadata": {},
23
+ "outputs": [],
24
+ "source": [
25
+ "import schedule\n",
26
+ "import time\n",
27
+ "\n",
28
+ "def my_periodic_function():\n",
29
+ " print(\"This function runs periodically!\")\n",
30
+ "\n",
31
+ "# Schedule the function to run every 1 minute\n",
32
+ "schedule.every(1).minutes.do(my_periodic_function)\n",
33
+ "\n",
34
+ "# Run the scheduler\n",
35
+ "while True:\n",
36
+ " schedule.run_pending()\n",
37
+ " time.sleep(1) # Optional: Sleep to avoid high CPU usage\n"
38
+ ]
39
+ },
40
+ {
41
+ "cell_type": "code",
42
+ "execution_count": 1,
43
+ "metadata": {},
44
+ "outputs": [
45
+ {
46
+ "name": "stderr",
47
+ "output_type": "stream",
48
+ "text": [
49
+ "/home/pedro/.local/lib/python3.10/site-packages/urllib3/connectionpool.py:1045: InsecureRequestWarning: Unverified HTTPS request is being made to host 'vodafone.pt'. Adding certificate verification is strongly advised. See: https://urllib3.readthedocs.io/en/1.26.x/advanced-usage.html#ssl-warnings\n",
50
+ " warnings.warn(\n",
51
+ "/home/pedro/.local/lib/python3.10/site-packages/urllib3/connectionpool.py:1045: InsecureRequestWarning: Unverified HTTPS request is being made to host 'www.vodafone.pt'. Adding certificate verification is strongly advised. See: https://urllib3.readthedocs.io/en/1.26.x/advanced-usage.html#ssl-warnings\n",
52
+ " warnings.warn(\n",
53
+ "Fetching pages: 38%|###8 | 2015/5279 [08:18<10:50, 5.01it/s] Error fetching https://www.vodafone.pt/ajuda/artigos/despiste-de-problemas-fixo/Internet/nao-sei-a-minha-password-ou-o-nome-da-rede-wi-fi.html with attempt 1/3: Server disconnected. Retrying...\n",
54
+ "Fetching pages: 49%|####8 | 2579/5279 [09:58<13:25, 3.35it/s]Error fetching https://www.vodafone.pt/press-releases/2015/10/fox-play-chega-hoje-a-tv-box-da-vodafone.html with attempt 1/3: Server disconnected. Retrying...\n",
55
+ "Fetching pages: 55%|#####5 | 2929/5279 [10:57<09:42, 4.03it/s]Error fetching https://www.vodafone.pt/press-releases/2009/5/geota-fundacao-vodafone-e-c-m-loures-apelam-a-criacao-de-corredores-verdes.html with attempt 1/3: Server disconnected. Retrying...\n",
56
+ "Fetching pages: 100%|##########| 5279/5279 [18:02<00:00, 4.88it/s]\n"
57
+ ]
58
+ },
59
+ {
60
+ "ename": "",
61
+ "evalue": "",
62
+ "output_type": "error",
63
+ "traceback": [
64
+ "\u001b[1;31mThe Kernel crashed while executing code in the the current cell or a previous cell. Please review the code in the cell(s) to identify a possible cause of the failure. Click <a href='https://aka.ms/vscodeJupyterKernelCrash'>here</a> for more info. View Jupyter <a href='command:jupyter.viewOutput'>log</a> for further details."
65
+ ]
66
+ }
67
+ ],
68
+ "source": [
69
+ "import nest_asyncio\n",
70
+ "\n",
71
+ "nest_asyncio.apply()\n",
72
+ "\n",
73
+ "from langchain.document_loaders import SitemapLoader\n",
74
+ "\n",
75
+ "from bs4 import BeautifulSoup\n",
76
+ "\n",
77
+ "import re\n",
78
+ "\n",
79
+ "# Wrap the function in a list\n",
80
+ "filter_urls = ['^(?!https:\\/\\/www\\.vodafone\\.ptpesquisa$)(https?|ftp):\\/\\/[^\\s/$.?#].[^\\s]*$'] #remove https://www.vodafone.ptpesquisas\n",
81
+ "\n",
82
+ "sitemap_loader = SitemapLoader(\n",
83
+ " web_path=\"https://vodafone.pt/sitemap.xml\",\n",
84
+ " filter_urls=filter_urls,\n",
85
+ ")\n",
86
+ "\n",
87
+ "sitemap_loader.requests_per_second = 10\n",
88
+ "# Optional: avoid `[SSL: CERTIFICATE_VERIFY_FAILED]` issue\n",
89
+ "sitemap_loader.requests_kwargs = {\"verify\": False}\n",
90
+ "\n",
91
+ "docs = sitemap_loader.load()"
92
+ ]
93
+ },
94
+ {
95
+ "cell_type": "code",
96
+ "execution_count": null,
97
+ "metadata": {},
98
+ "outputs": [],
99
+ "source": [
100
+ "docs"
101
+ ]
102
+ }
103
+ ],
104
+ "metadata": {
105
+ "kernelspec": {
106
+ "display_name": "Python 3",
107
+ "language": "python",
108
+ "name": "python3"
109
+ },
110
+ "language_info": {
111
+ "codemirror_mode": {
112
+ "name": "ipython",
113
+ "version": 3
114
+ },
115
+ "file_extension": ".py",
116
+ "mimetype": "text/x-python",
117
+ "name": "python",
118
+ "nbconvert_exporter": "python",
119
+ "pygments_lexer": "ipython3",
120
+ "version": "3.10.12"
121
+ }
122
+ },
123
+ "nbformat": 4,
124
+ "nbformat_minor": 2
125
+ }
images/huggingface_access_token.png ADDED
images/huggingface_llama2_access.png ADDED
llama.py ADDED
@@ -0,0 +1,114 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import os
2
+ import gradio as gr
3
+ import fire
4
+ from enum import Enum
5
+ from threading import Thread
6
+ from transformers import AutoModelForCausalLM, AutoTokenizer
7
+ from auto_gptq import AutoGPTQForCausalLM
8
+ from llama_cpp import Llama
9
+ from huggingface_hub import hf_hub_download
10
+ from transformers import TextIteratorStreamer
11
+ from llama_chat_format import format_to_llama_chat_style
12
+
13
+
14
+ # class syntax
15
+ class Model_Type(Enum):
16
+ gptq = 1
17
+ ggml = 2
18
+ full_precision = 3
19
+
20
+
21
+ def get_model_type(model_name):
22
+ if "gptq" in model_name.lower():
23
+ return Model_Type.gptq
24
+ elif "ggml" in model_name.lower():
25
+ return Model_Type.ggml
26
+ else:
27
+ return Model_Type.full_precision
28
+
29
+
30
+ def create_folder_if_not_exists(folder_path):
31
+ if not os.path.exists(folder_path):
32
+ os.makedirs(folder_path)
33
+
34
+
35
+ def initialize_gpu_model_and_tokenizer(model_name, model_type):
36
+ if model_type == Model_Type.gptq:
37
+ model = AutoGPTQForCausalLM.from_quantized(model_name, device_map="auto", use_safetensors=True, use_triton=False)
38
+ tokenizer = AutoTokenizer.from_pretrained(model_name)
39
+ else:
40
+ model = AutoModelForCausalLM.from_pretrained(model_name, device_map="auto", token=True)
41
+ tokenizer = AutoTokenizer.from_pretrained(model_name, token=True)
42
+ return model, tokenizer
43
+
44
+
45
+ def init_auto_model_and_tokenizer(model_name, model_type, file_name=None):
46
+ model_type = get_model_type(model_name)
47
+
48
+ if Model_Type.ggml == model_type:
49
+ models_folder = "./models"
50
+ create_folder_if_not_exists(models_folder)
51
+ file_path = hf_hub_download(repo_id=model_name, filename=file_name, local_dir=models_folder)
52
+ model = Llama(file_path, n_ctx=4096)
53
+ tokenizer = None
54
+ else:
55
+ model, tokenizer = initialize_gpu_model_and_tokenizer(model_name, model_type=model_type)
56
+ return model, tokenizer
57
+
58
+
59
+ def run_ui(model, tokenizer, is_chat_model, model_type):
60
+ with gr.Blocks() as demo:
61
+ chatbot = gr.Chatbot()
62
+ msg = gr.Textbox()
63
+ clear = gr.Button("Clear")
64
+
65
+ def user(user_message, history):
66
+ return "", history + [[user_message, None]]
67
+
68
+ def bot(history):
69
+ if is_chat_model:
70
+ instruction = format_to_llama_chat_style(history)
71
+ else:
72
+ instruction = history[-1][0]
73
+
74
+ history[-1][1] = ""
75
+ kwargs = dict(temperature=0.6, top_p=0.9)
76
+ if model_type == Model_Type.ggml:
77
+ kwargs["max_tokens"] = 512
78
+ for chunk in model(prompt=instruction, stream=True, **kwargs):
79
+ token = chunk["choices"][0]["text"]
80
+ history[-1][1] += token
81
+ yield history
82
+
83
+ else:
84
+ streamer = TextIteratorStreamer(tokenizer, skip_prompt=True, Timeout=5)
85
+ inputs = tokenizer(instruction, return_tensors="pt").to(model.device)
86
+ kwargs["max_new_tokens"] = 512
87
+ kwargs["input_ids"] = inputs["input_ids"]
88
+ kwargs["streamer"] = streamer
89
+ thread = Thread(target=model.generate, kwargs=kwargs)
90
+ thread.start()
91
+
92
+ for token in streamer:
93
+ history[-1][1] += token
94
+ yield history
95
+
96
+ msg.submit(user, [msg, chatbot], [msg, chatbot], queue=False).then(bot, chatbot, chatbot)
97
+ clear.click(lambda: None, None, chatbot, queue=False)
98
+ demo.queue()
99
+ demo.launch(share=True, debug=True)
100
+
101
+ def main(model_name=None, file_name=None):
102
+ assert model_name is not None, "model_name argument is missing."
103
+
104
+ is_chat_model = 'chat' in model_name.lower()
105
+ model_type = get_model_type(model_name)
106
+
107
+ if model_type == Model_Type.ggml:
108
+ assert file_name is not None, "When model_name is provided for a GGML quantized model, file_name argument must also be provided."
109
+
110
+ model, tokenizer = init_auto_model_and_tokenizer(model_name, model_type, file_name)
111
+ run_ui(model, tokenizer, is_chat_model, model_type)
112
+
113
+ if __name__ == '__main__':
114
+ fire.Fire(main)
llama_chat_format.py ADDED
@@ -0,0 +1,38 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ BOS, EOS = "<s>", "</s>"
2
+ B_INST, E_INST = "[INST]", "[/INST]"
3
+ B_SYS, E_SYS = "<<SYS>>\n", "\n<</SYS>>\n\n"
4
+ DEFAULT_SYSTEM_PROMPT = """\
5
+ You are a helpful, respectful and honest assistant. Always answer as helpfully as possible, while being safe. Your answers should not include any harmful, unethical, racist, sexist, toxic, dangerous, or illegal content. Please ensure that your responses are socially unbiased and positive in nature.
6
+
7
+ If a question does not make any sense, or is not factually coherent, explain why instead of answering something not correct. If you don't know the answer to a question, please don't share false information."""
8
+
9
+ def format_to_llama_chat_style(history) -> str:
10
+ # history has the following structure:
11
+ # - dialogs
12
+ # --- instruction
13
+ # --- response (None for the most recent dialog)
14
+ prompt = ""
15
+ for i, dialog in enumerate(history[:-1]):
16
+ instruction, response = dialog[0], dialog[1]
17
+ # prepend system instruction before first instruction
18
+ if i == 0:
19
+ instruction = f"{B_SYS}{DEFAULT_SYSTEM_PROMPT}{E_SYS}" + instruction
20
+ else:
21
+ # the tokenizer automatically adds a bos_token during encoding,
22
+ # for this reason the bos_token is not added for the first instruction
23
+ prompt += BOS
24
+ prompt += f"{B_INST} {instruction.strip()} {E_INST} {response.strip()} " + EOS
25
+
26
+ # new instruction from the user
27
+ new_instruction = history[-1][0].strip()
28
+
29
+ # the tokenizer automatically adds a bos_token during encoding,
30
+ # for this reason the bos_token is not added for the first instruction
31
+ if len(history) > 1:
32
+ prompt += BOS
33
+ else:
34
+ # prepend system instruction before first instruction
35
+ new_instruction = f"{B_SYS}{DEFAULT_SYSTEM_PROMPT}{E_SYS}" + new_instruction
36
+
37
+ prompt += f"{B_INST} {new_instruction} {E_INST}"
38
+ return prompt
models/llama-2-7b.ggmlv3.q4_K_M.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:16baf59cbb724f99def35f000d1e0fd9c71938649b1856dd81d3a7e3b3a752bd
3
+ size 4080714368
models/llama-2-7b.ggmlv3.q8_0.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5bb0702855f0c8abc645ea68c4d41e05207964ff54dd38c2787c1c1206cae121
3
+ size 7160799872
requirements.txt ADDED
@@ -0,0 +1,6 @@
 
 
 
 
 
 
 
1
+ transformers==4.31.0
2
+ auto-gptq==0.3.0
3
+ langchain==0.0.237
4
+ gradio==3.37.0
5
+ llama-cpp-python==0.1.73
6
+ fire==0.5.0
sitevodafone.xml ADDED
@@ -0,0 +1,2248 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ <?xml version="1.0" encoding="UTF-8"?>
2
+ <urlset
3
+ xmlns="http://www.sitemaps.org/schemas/sitemap/0.9"
4
+ xmlns:xsi="http://www.w3.org/2001/XMLSchema-instance"
5
+ xsi:schemaLocation="http://www.sitemaps.org/schemas/sitemap/0.9
6
+ http://www.sitemaps.org/schemas/sitemap/0.9/sitemap.xsd">
7
+ <!-- created with Free Online Sitemap Generator www.xml-sitemaps.com -->
8
+
9
+
10
+ <url>
11
+ <loc>https://www.vodafone.pt/</loc>
12
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
13
+ <priority>1.00</priority>
14
+ </url>
15
+
16
+ <url>
17
+ <loc>https://www.vodafone.pt/promocoes.html?i_id=quicklinks-novidadespromocoes-1</loc>
18
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
19
+ <priority>0.80</priority>
20
+ </url>
21
+ <url>
22
+ <loc>https://www.vodafone.pt/pacotes.html?i_id=quicklinks-tvnetvoz-2</loc>
23
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
24
+ <priority>0.80</priority>
25
+ </url>
26
+ <url>
27
+ <loc>https://www.vodafone.pt/pacotes/cobertura.html?i_id=quicklinks-cobertura-3</loc>
28
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
29
+ <priority>0.80</priority>
30
+ </url>
31
+ <url>
32
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/como-carregar.html?i_id=quicklinks-topup-4</loc>
33
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
34
+ <priority>0.80</priority>
35
+ </url>
36
+ <url>
37
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/cartao-sim-gratis.html?i_id=quicklinks-hp-flat-gratis-5</loc>
38
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
39
+ <priority>0.80</priority>
40
+ </url>
41
+ <url>
42
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=quicklinks-hp-site-telemoveis-5&amp;segment=consumer</loc>
43
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
44
+ <priority>0.80</priority>
45
+ </url>
46
+ <url>
47
+ <loc>https://www.vodafone.pt/pacotes.html?i_id=hp-site-destaque-exclusiva-online-1</loc>
48
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
49
+ <priority>0.80</priority>
50
+ </url>
51
+ <url>
52
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=hpsite-destaque-bf23-samsung-2&amp;segment=consumer&amp;name=Samsung</loc>
53
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
54
+ <priority>0.80</priority>
55
+ </url>
56
+ <url>
57
+ <loc>https://www.vodafone.pt/loja/smartwatch.html?i_id=hpsite-destaque-bf23-samsung-watch5-3&amp;segment=consumer&amp;highlight=Black%20Friday</loc>
58
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
59
+ <priority>0.80</priority>
60
+ </url>
61
+ <url>
62
+ <loc>https://www.vodafone.pt/internet-movel.html?i_id=hpsite-destaque-bf23-blm-5</loc>
63
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
64
+ <priority>0.80</priority>
65
+ </url>
66
+ <url>
67
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=hpsite-destaque-iphone14-nov-5&amp;segment=consumer&amp;name=iphone%2014%20</loc>
68
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
69
+ <priority>0.80</priority>
70
+ </url>
71
+ <url>
72
+ <loc>https://www.vodafone.pt/happy.html?i_id=destaque-site-happy-6%20</loc>
73
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
74
+ <priority>0.80</priority>
75
+ </url>
76
+ <url>
77
+ <loc>https://www.vodafone.pt/ajuda/contactos.html</loc>
78
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
79
+ <priority>0.80</priority>
80
+ </url>
81
+ <url>
82
+ <loc>https://www.vodafone.pt/pacotes.html</loc>
83
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
84
+ <priority>0.80</priority>
85
+ </url>
86
+ <url>
87
+ <loc>https://www.vodafone.pt/telemoveis.html</loc>
88
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
89
+ <priority>0.80</priority>
90
+ </url>
91
+ <url>
92
+ <loc>https://www.vodafone.pt/internet-movel/tsi.html</loc>
93
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
94
+ <priority>0.80</priority>
95
+ </url>
96
+ <url>
97
+ <loc>https://www.vodafone.pt/loja/telemoveis.html</loc>
98
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
99
+ <priority>0.80</priority>
100
+ </url>
101
+ <url>
102
+ <loc>https://www.vodafone.pt/internet-movel.html</loc>
103
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
104
+ <priority>0.80</priority>
105
+ </url>
106
+ <url>
107
+ <loc>https://www.vodafone.pt/en/products-services/visiting-portugal.html</loc>
108
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
109
+ <priority>0.80</priority>
110
+ </url>
111
+ <url>
112
+ <loc>https://www.vodafone.pt/pacotes/televisao/tv-box/vodafone-tv-play.html</loc>
113
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
114
+ <priority>0.80</priority>
115
+ </url>
116
+ <url>
117
+ <loc>https://www.vodafone.pt/black-friday.html</loc>
118
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
119
+ <priority>0.80</priority>
120
+ </url>
121
+ <url>
122
+ <loc>https://www.vodafone.pt/pacotes/internet/rede-fibra-vodafone/fiber-to-the-room.html</loc>
123
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
124
+ <priority>0.80</priority>
125
+ </url>
126
+ <url>
127
+ <loc>https://www.vodafone.pt/promocoes.html</loc>
128
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
129
+ <priority>0.80</priority>
130
+ </url>
131
+ <url>
132
+ <loc>https://www.vodafone.pt/pacotes/televisao/em-todos-ecras.html</loc>
133
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
134
+ <priority>0.80</priority>
135
+ </url>
136
+ <url>
137
+ <loc>https://www.vodafone.pt/portabilidade.html</loc>
138
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
139
+ <priority>0.80</priority>
140
+ </url>
141
+ <url>
142
+ <loc>https://www.vodafone.pt/pacotes/segunda-casa.html</loc>
143
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
144
+ <priority>0.80</priority>
145
+ </url>
146
+ <url>
147
+ <loc>https://www.vodafone.pt/loja/clube-viva.html</loc>
148
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
149
+ <priority>0.80</priority>
150
+ </url>
151
+ <url>
152
+ <loc>https://www.vodafone.pt/a-vodafone.html</loc>
153
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
154
+ <priority>0.80</priority>
155
+ </url>
156
+ <url>
157
+ <loc>https://www.vodafone.pt/5g.html</loc>
158
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
159
+ <priority>0.80</priority>
160
+ </url>
161
+ <url>
162
+ <loc>https://www.vodafone.pt/press-releases.html</loc>
163
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
164
+ <priority>0.80</priority>
165
+ </url>
166
+ <url>
167
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social.html</loc>
168
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
169
+ <priority>0.80</priority>
170
+ </url>
171
+ <url>
172
+ <loc>https://www.vodafone.pt/a-vodafone/projetos-financiados.html</loc>
173
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
174
+ <priority>0.80</priority>
175
+ </url>
176
+ <url>
177
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao.html</loc>
178
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
179
+ <priority>0.80</priority>
180
+ </url>
181
+ <url>
182
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento.html</loc>
183
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
184
+ <priority>0.80</priority>
185
+ </url>
186
+ <url>
187
+ <loc>https://www.vodafone.pt/powerlab.html</loc>
188
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
189
+ <priority>0.80</priority>
190
+ </url>
191
+ <url>
192
+ <loc>https://www.vodafone.pt/telemoveis/rede-movel-vodafone/descontinuacao-3g.html</loc>
193
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
194
+ <priority>0.80</priority>
195
+ </url>
196
+ <url>
197
+ <loc>https://www.vodafone.pt/content/digitalhelp/pt/ajuda.html</loc>
198
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
199
+ <priority>0.80</priority>
200
+ </url>
201
+ <url>
202
+ <loc>https://www.vodafone.pt/lojas.html</loc>
203
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
204
+ <priority>0.80</priority>
205
+ </url>
206
+ <url>
207
+ <loc>https://www.vodafone.pt/downloads.html</loc>
208
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
209
+ <priority>0.80</priority>
210
+ </url>
211
+ <url>
212
+ <loc>https://www.vodafone.pt/loja/estado-encomenda.html</loc>
213
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
214
+ <priority>0.80</priority>
215
+ </url>
216
+ <url>
217
+ <loc>https://www.vodafone.pt/portalprivacidade.html</loc>
218
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
219
+ <priority>0.80</priority>
220
+ </url>
221
+ <url>
222
+ <loc>https://www.vodafone.pt/business/wholesale.html</loc>
223
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
224
+ <priority>0.80</priority>
225
+ </url>
226
+ <url>
227
+ <loc>https://www.vodafone.pt/en/about-us.html</loc>
228
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
229
+ <priority>0.80</priority>
230
+ </url>
231
+ <url>
232
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=novepromo-destaque-bf23-google-pixel-1&amp;segment=consumer&amp;brand=Google%20Pixel</loc>
233
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
234
+ <priority>0.64</priority>
235
+ </url>
236
+ <url>
237
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=novepromo-destaque-bf23-google-pixel-1&amp;segment=consumer&amp;brand=Google%20Pixel%20</loc>
238
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
239
+ <priority>0.64</priority>
240
+ </url>
241
+ <url>
242
+ <loc>https://www.vodafone.pt/internet-movel.html?i_id=novepromo-destaque-bf23-blm-1</loc>
243
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
244
+ <priority>0.64</priority>
245
+ </url>
246
+ <url>
247
+ <loc>https://www.vodafone.pt/pacotes/televisao/tv-box/vodafone-tv-play/</loc>
248
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
249
+ <priority>0.64</priority>
250
+ </url>
251
+ <url>
252
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=novepromo-destaque-iphone14-nov-4&amp;segment=consumer&amp;name=iphone%2014</loc>
253
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
254
+ <priority>0.64</priority>
255
+ </url>
256
+ <url>
257
+ <loc>https://www.vodafone.pt/bankintercard.html</loc>
258
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
259
+ <priority>0.64</priority>
260
+ </url>
261
+ <url>
262
+ <loc>https://www.vodafone.pt/pacotes/cobertura.html</loc>
263
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
264
+ <priority>0.64</priority>
265
+ </url>
266
+ <url>
267
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/como-carregar.html</loc>
268
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
269
+ <priority>0.64</priority>
270
+ </url>
271
+ <url>
272
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/gestao-saldo.html</loc>
273
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
274
+ <priority>0.64</priority>
275
+ </url>
276
+ <url>
277
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/my-vodafone/</loc>
278
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
279
+ <priority>0.64</priority>
280
+ </url>
281
+ <url>
282
+ <loc>https://www.vodafone.pt/loja.html</loc>
283
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
284
+ <priority>0.64</priority>
285
+ </url>
286
+ <url>
287
+ <loc>https://www.vodafone.pt/loja/cartoes-sim.html</loc>
288
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
289
+ <priority>0.64</priority>
290
+ </url>
291
+ <url>
292
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/cartao-sim-gratis.html</loc>
293
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
294
+ <priority>0.64</priority>
295
+ </url>
296
+ <url>
297
+ <loc>https://www.vodafone.pt/loja/smartwatch.html</loc>
298
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
299
+ <priority>0.64</priority>
300
+ </url>
301
+ <url>
302
+ <loc>https://www.vodafone.pt/loja/gaming.html</loc>
303
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
304
+ <priority>0.64</priority>
305
+ </url>
306
+ <url>
307
+ <loc>https://www.vodafone.pt/loja/acessorios.html</loc>
308
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
309
+ <priority>0.64</priority>
310
+ </url>
311
+ <url>
312
+ <loc>https://www.vodafone.pt/loja/smart-home.html</loc>
313
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
314
+ <priority>0.64</priority>
315
+ </url>
316
+ <url>
317
+ <loc>https://www.vodafone.pt/loja/internet-movel.html</loc>
318
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
319
+ <priority>0.64</priority>
320
+ </url>
321
+ <url>
322
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?segment=consumer&amp;brand=Google%20Pixel%20</loc>
323
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
324
+ <priority>0.64</priority>
325
+ </url>
326
+ <url>
327
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?segment=consumer&amp;brand=Google%20Pixel</loc>
328
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
329
+ <priority>0.64</priority>
330
+ </url>
331
+ <url>
332
+ <loc>https://www.vodafone.pt/loja/exclusivos.html?segment=consumer</loc>
333
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
334
+ <priority>0.64</priority>
335
+ </url>
336
+ <url>
337
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?segment=consumer&amp;name=iphone%2014</loc>
338
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
339
+ <priority>0.64</priority>
340
+ </url>
341
+ <url>
342
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=destaque-tel-pontos-cv-5&amp;paymentType=CV</loc>
343
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
344
+ <priority>0.64</priority>
345
+ </url>
346
+ <url>
347
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=destaque-tel-acessoriosprotecao-6&amp;category=Capas%2CVidros%20temperados</loc>
348
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
349
+ <priority>0.64</priority>
350
+ </url>
351
+ <url>
352
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=destaque-tel-acessorios-som-7&amp;category=Som</loc>
353
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
354
+ <priority>0.64</priority>
355
+ </url>
356
+ <url>
357
+ <loc>https://www.vodafone.pt/loja/cartoes-sim.html?i_id=destaque-tel-cartoes-sim-8</loc>
358
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
359
+ <priority>0.64</priority>
360
+ </url>
361
+ <url>
362
+ <loc>https://www.vodafone.pt/loja/assistencia-tecnica.html</loc>
363
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
364
+ <priority>0.64</priority>
365
+ </url>
366
+ <url>
367
+ <loc>https://www.vodafone.pt/internet-movel/detalhes-vodafone-on.html</loc>
368
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
369
+ <priority>0.64</priority>
370
+ </url>
371
+ <url>
372
+ <loc>https://www.vodafone.pt/internet-movel/detalhes-vodafone-go-total.html</loc>
373
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
374
+ <priority>0.64</priority>
375
+ </url>
376
+ <url>
377
+ <loc>https://www.vodafone.pt/ajuda/artigos/my-vodafone/operacoes-consultas/como-adiciono-contas-ou-servicos-ao-meu-portefolio-do-my-vodafon.html</loc>
378
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
379
+ <priority>0.64</priority>
380
+ </url>
381
+ <url>
382
+ <loc>https://www.vodafone.pt/ajuda/artigos/internet-movel/tarifarios-vodafone-on/como-posso-configurar--ativar-e-desativar-alertas-de-consumo-de.html</loc>
383
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
384
+ <priority>0.64</priority>
385
+ </url>
386
+ <url>
387
+ <loc>https://www.vodafone.pt/happy.html</loc>
388
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
389
+ <priority>0.64</priority>
390
+ </url>
391
+ <url>
392
+ <loc>https://www.vodafone.pt/lojas/</loc>
393
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
394
+ <priority>0.64</priority>
395
+ </url>
396
+ <url>
397
+ <loc>https://www.vodafone.pt/telemoveis/roaming/global-daily-roaming.html</loc>
398
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
399
+ <priority>0.64</priority>
400
+ </url>
401
+ <url>
402
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/red.html</loc>
403
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
404
+ <priority>0.64</priority>
405
+ </url>
406
+ <url>
407
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/ready.html</loc>
408
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
409
+ <priority>0.64</priority>
410
+ </url>
411
+ <url>
412
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/easy.html</loc>
413
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
414
+ <priority>0.64</priority>
415
+ </url>
416
+ <url>
417
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/directo.html</loc>
418
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
419
+ <priority>0.64</priority>
420
+ </url>
421
+ <url>
422
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/cartao-sim-gratis.html?i_id=destaque-hp-site-cartoes-abril2022-7&amp;segment=consumer&amp;paymentType=pvp</loc>
423
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
424
+ <priority>0.64</priority>
425
+ </url>
426
+ <url>
427
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/ready-5gb-cartao-sim.html?segment=consumer&amp;paymentType=pvp%20</loc>
428
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
429
+ <priority>0.64</priority>
430
+ </url>
431
+ <url>
432
+ <loc>https://www.vodafone.pt/telemoveis/esim.html</loc>
433
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
434
+ <priority>0.64</priority>
435
+ </url>
436
+ <url>
437
+ <loc>https://www.vodafone.pt/telemoveis/rede-movel-vodafone.html</loc>
438
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
439
+ <priority>0.64</priority>
440
+ </url>
441
+ <url>
442
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/app-store-apple-services.html</loc>
443
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
444
+ <priority>0.64</priority>
445
+ </url>
446
+ <url>
447
+ <loc>https://www.vodafone.pt/internet-movel/tsi/detalhes.html</loc>
448
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
449
+ <priority>0.64</priority>
450
+ </url>
451
+ <url>
452
+ <loc>https://www.vodafone.pt/en/products-services.html</loc>
453
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
454
+ <priority>0.64</priority>
455
+ </url>
456
+ <url>
457
+ <loc>https://www.vodafone.pt/br/produtos-servicos/visitando-portugal.html</loc>
458
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
459
+ <priority>0.64</priority>
460
+ </url>
461
+ <url>
462
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/comunicacoes-internacionais.html</loc>
463
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
464
+ <priority>0.64</priority>
465
+ </url>
466
+ <url>
467
+ <loc>https://www.vodafone.pt/telemoveis/roaming.html</loc>
468
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
469
+ <priority>0.64</priority>
470
+ </url>
471
+ <url>
472
+ <loc>https://www.vodafone.pt/pacotes/televisao.html</loc>
473
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
474
+ <priority>0.64</priority>
475
+ </url>
476
+ <url>
477
+ <loc>https://www.vodafone.pt/pacotes.html?</loc>
478
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
479
+ <priority>0.64</priority>
480
+ </url>
481
+ <url>
482
+ <loc>https://www.vodafone.pt/black-friday.html?i_id=lp-bf-quicklinks-equipamentos-1</loc>
483
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
484
+ <priority>0.64</priority>
485
+ </url>
486
+ <url>
487
+ <loc>https://www.vodafone.pt/black-friday.html?i_id=lp-bf-quicklinks-pacotes-2</loc>
488
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
489
+ <priority>0.64</priority>
490
+ </url>
491
+ <url>
492
+ <loc>https://www.vodafone.pt/black-friday.html?i_id=lp-bf-quicklinks-tarifarios-3</loc>
493
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
494
+ <priority>0.64</priority>
495
+ </url>
496
+ <url>
497
+ <loc>https://www.vodafone.pt/black-friday.html?i_id=lp-bf-quicklinks-internet-4</loc>
498
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
499
+ <priority>0.64</priority>
500
+ </url>
501
+ <url>
502
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=lp-bf-destaque-google-pixel-1&amp;segment=consumer&amp;name=google</loc>
503
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
504
+ <priority>0.64</priority>
505
+ </url>
506
+ <url>
507
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=lp-bf-destaque-samsung-2&amp;segment=consumer&amp;name=Samsung</loc>
508
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
509
+ <priority>0.64</priority>
510
+ </url>
511
+ <url>
512
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/red.html?i_id=lp-bf-destaque-red-infinity-3</loc>
513
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
514
+ <priority>0.64</priority>
515
+ </url>
516
+ <url>
517
+ <loc>https://www.vodafone.pt/internet-movel.html?i_id=lp-bf-destaque-blm-pos-pago-4</loc>
518
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
519
+ <priority>0.64</priority>
520
+ </url>
521
+ <url>
522
+ <loc>https://www.vodafone.pt/loja/internet-movel/vodafone/hotspot-r219z-com-15-dias-net.html?i_id=lp-bf-destaque-blm-pre-pago-5&amp;segment=consumer&amp;pack=bdl_108018230_115002004&amp;paymentType=pvp</loc>
523
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
524
+ <priority>0.64</priority>
525
+ </url>
526
+ <url>
527
+ <loc>https://www.vodafone.pt/pacotes/internet.html</loc>
528
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
529
+ <priority>0.64</priority>
530
+ </url>
531
+ <url>
532
+ <loc>https://www.vodafone.pt/pacotes/internet/rede-fibra-vodafone.html</loc>
533
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
534
+ <priority>0.64</priority>
535
+ </url>
536
+ <url>
537
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais.html</loc>
538
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
539
+ <priority>0.64</priority>
540
+ </url>
541
+ <url>
542
+ <loc>https://www.vodafone.pt/pacotes/televisao/videoclube.html</loc>
543
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
544
+ <priority>0.64</priority>
545
+ </url>
546
+ <url>
547
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/cartao-sim-gratis.html?i_id=portabilidade-cartao-gratis&amp;segment=consumer&amp;c_id=portability&amp;c_name=portabilityE2E&amp;c_source=e2e&amp;c_medium=website</loc>
548
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
549
+ <priority>0.64</priority>
550
+ </url>
551
+ <url>
552
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/red.html?i_id=portabilidade-tarifario-red&amp;c_id=portability&amp;c_name=portabilityE2E&amp;c_source=e2e&amp;c_medium=website</loc>
553
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
554
+ <priority>0.64</priority>
555
+ </url>
556
+ <url>
557
+ <loc>https://www.vodafone.pt/pacotes.html?i_id=portabilidade-pacotes-fibra&amp;c_id=portability&amp;c_name=portabilityE2E&amp;c_source=e2e&amp;c_medium=website</loc>
558
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
559
+ <priority>0.64</priority>
560
+ </url>
561
+ <url>
562
+ <loc>https://www.vodafone.pt/loja/exclusivos/</loc>
563
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
564
+ <priority>0.64</priority>
565
+ </url>
566
+ <url>
567
+ <loc>https://www.vodafone.pt/ajuda/artigos/clube-viva-loja-online/pontos/posso-transferir-os-meus-pontos-do-clube-viva-para-outro-n-vodaf.html</loc>
568
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
569
+ <priority>0.64</priority>
570
+ </url>
571
+ <url>
572
+ <loc>https://www.vodafone.pt/ajuda/artigos/clube-viva-loja-online/condicoes-aquisicao/como-posso-consultar-o-estado-da-minha-encomenda.html</loc>
573
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
574
+ <priority>0.64</priority>
575
+ </url>
576
+ <url>
577
+ <loc>https://www.vodafone.pt/ajuda/artigos/clube-viva-loja-online/condicoes-aquisicao/e-se-o-produto-estiver-esgotado-na-loja-online.html</loc>
578
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
579
+ <priority>0.64</priority>
580
+ </url>
581
+ <url>
582
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=catalogo-acessorios-telemoveis-1&amp;segment=consumer&amp;brand=Apple&amp;paymentType=CV</loc>
583
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
584
+ <priority>0.64</priority>
585
+ </url>
586
+ <url>
587
+ <loc>https://www.vodafone.pt/loja/internet-movel.html?i_id=quicklinks-tel-internet-movel-4&amp;segment=consumer&amp;name=apple&amp;paymentType=CV</loc>
588
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
589
+ <priority>0.64</priority>
590
+ </url>
591
+ <url>
592
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=catalogo-blm-cartoes-3&amp;segment=consumer&amp;brand=Apple&amp;category=Wearables&amp;paymentType=CV</loc>
593
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
594
+ <priority>0.64</priority>
595
+ </url>
596
+ <url>
597
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=catalogo-blm-cartoes-3&amp;segment=consumer&amp;brand=Apple&amp;category=Som&amp;paymentType=CV</loc>
598
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
599
+ <priority>0.64</priority>
600
+ </url>
601
+ <url>
602
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=catalogo-acessorios-telemoveis-1&amp;segment=consumer&amp;brand=Samsung&amp;paymentType=CV</loc>
603
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
604
+ <priority>0.64</priority>
605
+ </url>
606
+ <url>
607
+ <loc>https://www.vodafone.pt/loja/internet-movel.html?i_id=quicklinks-tel-internet-movel-4&amp;segment=consumer&amp;name=Samsung&amp;paymentType=CV</loc>
608
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
609
+ <priority>0.64</priority>
610
+ </url>
611
+ <url>
612
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=catalogo-blm-cartoes-3&amp;segment=consumer&amp;brand=Samsung&amp;category=Wearables&amp;paymentType=CV</loc>
613
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
614
+ <priority>0.64</priority>
615
+ </url>
616
+ <url>
617
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=catalogo-acessorios-telemoveis-1&amp;segment=consumer&amp;brand=Huawei&amp;paymentType=CV</loc>
618
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
619
+ <priority>0.64</priority>
620
+ </url>
621
+ <url>
622
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=catalogo-acessorios-telemoveis-1&amp;segment=consumer&amp;brand=Honor&amp;paymentType=CV</loc>
623
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
624
+ <priority>0.64</priority>
625
+ </url>
626
+ <url>
627
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=catalogo-acessorios-telemoveis-1&amp;segment=consumer&amp;brand=OPPO&amp;paymentType=CV</loc>
628
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
629
+ <priority>0.64</priority>
630
+ </url>
631
+ <url>
632
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=catalogo-acessorios-telemoveis-1&amp;segment=consumer&amp;brand=TCL&amp;paymentType=CV</loc>
633
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
634
+ <priority>0.64</priority>
635
+ </url>
636
+ <url>
637
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=catalogo-acessorios-telemoveis-1&amp;segment=consumer&amp;brand=Xiaomi&amp;paymentType=CV</loc>
638
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
639
+ <priority>0.64</priority>
640
+ </url>
641
+ <url>
642
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?segment=consumer&amp;paymentType=CV</loc>
643
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
644
+ <priority>0.64</priority>
645
+ </url>
646
+ <url>
647
+ <loc>https://www.vodafone.pt/loja/internet-movel.html?i_id=quicklinks-tel-internet-movel-4&amp;segment=consumer&amp;productType=Tablet&amp;paymentType=CV</loc>
648
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
649
+ <priority>0.64</priority>
650
+ </url>
651
+ <url>
652
+ <loc>https://www.vodafone.pt/loja/smartwatch.html?segment=consumer&amp;paymentType=CV</loc>
653
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
654
+ <priority>0.64</priority>
655
+ </url>
656
+ <url>
657
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=catalogo-blm-cartoes-3&amp;segment=consumer&amp;category=Som&amp;paymentType=CV</loc>
658
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
659
+ <priority>0.64</priority>
660
+ </url>
661
+ <url>
662
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=catalogo-blm-cartoes-3&amp;segment=consumer&amp;name=coluna&amp;category=Som&amp;paymentType=CV</loc>
663
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
664
+ <priority>0.64</priority>
665
+ </url>
666
+ <url>
667
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=catalogo-blm-cartoes-3&amp;segment=consumer&amp;category=Capas,Vidros%20temperados,&amp;paymentType=CV</loc>
668
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
669
+ <priority>0.64</priority>
670
+ </url>
671
+ <url>
672
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=catalogo-blm-cartoes-3&amp;segment=consumer&amp;category=Capas&amp;paymentType=CV</loc>
673
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
674
+ <priority>0.64</priority>
675
+ </url>
676
+ <url>
677
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=catalogo-blm-cartoes-3&amp;segment=consumer&amp;category=Vidros%20temperados&amp;paymentType=CV</loc>
678
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
679
+ <priority>0.64</priority>
680
+ </url>
681
+ <url>
682
+ <loc>https://www.vodafone.pt/loja/smart-home.html?segment=consumer&amp;paymentType=CV</loc>
683
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
684
+ <priority>0.64</priority>
685
+ </url>
686
+ <url>
687
+ <loc>https://www.vodafone.pt/loja/smart-home.html?segment=consumer&amp;name=tv&amp;paymentType=CV</loc>
688
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
689
+ <priority>0.64</priority>
690
+ </url>
691
+ <url>
692
+ <loc>https://www.vodafone.pt/loja/smart-home.html?segment=consumer&amp;name=l%C3%A2&amp;paymentType=CV</loc>
693
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
694
+ <priority>0.64</priority>
695
+ </url>
696
+ <url>
697
+ <loc>https://www.vodafone.pt/loja/smart-home.html?segment=consumer&amp;name=scale&amp;paymentType=CV</loc>
698
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
699
+ <priority>0.64</priority>
700
+ </url>
701
+ <url>
702
+ <loc>https://www.vodafone.pt/loja/smart-home.html?segment=consumer&amp;name=sen&amp;paymentType=CV</loc>
703
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
704
+ <priority>0.64</priority>
705
+ </url>
706
+ <url>
707
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=catalogo-blm-cartoes-3&amp;segment=consumer&amp;name=tomada&amp;category=Smart%20Home</loc>
708
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
709
+ <priority>0.64</priority>
710
+ </url>
711
+ <url>
712
+ <loc>https://www.vodafone.pt/loja/smart-home.html?segment=consumer&amp;name=uz&amp;paymentType=CV</loc>
713
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
714
+ <priority>0.64</priority>
715
+ </url>
716
+ <url>
717
+ <loc>https://www.vodafone.pt/loja/gaming.html?segment=consumer&amp;paymentType=CV</loc>
718
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
719
+ <priority>0.64</priority>
720
+ </url>
721
+ <url>
722
+ <loc>https://www.vodafone.pt/loja/gaming.html?segment=consumer&amp;name=teclado&amp;paymentType=CV</loc>
723
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
724
+ <priority>0.64</priority>
725
+ </url>
726
+ <url>
727
+ <loc>https://www.vodafone.pt/loja/gaming.html?segment=consumer&amp;name=rato&amp;paymentType=CV</loc>
728
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
729
+ <priority>0.64</priority>
730
+ </url>
731
+ <url>
732
+ <loc>https://www.vodafone.pt/loja/gaming.html?segment=consumer&amp;name=cadeira&amp;paymentType=CV</loc>
733
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
734
+ <priority>0.64</priority>
735
+ </url>
736
+ <url>
737
+ <loc>https://www.vodafone.pt/loja/gaming.html?segment=consumer&amp;name=monitor&amp;paymentType=CV</loc>
738
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
739
+ <priority>0.64</priority>
740
+ </url>
741
+ <url>
742
+ <loc>https://www.vodafone.pt/a-vodafone/movingfast.html</loc>
743
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
744
+ <priority>0.64</priority>
745
+ </url>
746
+ <url>
747
+ <loc>https://www.vodafone.pt/a-vodafone/vodafone-stories.html</loc>
748
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
749
+ <priority>0.64</priority>
750
+ </url>
751
+ <url>
752
+ <loc>https://www.vodafone.pt/a-vodafone/quem-somos.html</loc>
753
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
754
+ <priority>0.64</priority>
755
+ </url>
756
+ <url>
757
+ <loc>https://www.vodafone.pt/a-vodafone/conselho-executivo.html</loc>
758
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
759
+ <priority>0.64</priority>
760
+ </url>
761
+ <url>
762
+ <loc>https://www.vodafone.pt/a-vodafone/a-nossa-historia.html</loc>
763
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
764
+ <priority>0.64</priority>
765
+ </url>
766
+ <url>
767
+ <loc>https://www.vodafone.pt/a-vodafone/visao-missao-e-valores.html</loc>
768
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
769
+ <priority>0.64</priority>
770
+ </url>
771
+ <url>
772
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/sociedade.html</loc>
773
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
774
+ <priority>0.64</priority>
775
+ </url>
776
+ <url>
777
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/ambiente.html</loc>
778
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
779
+ <priority>0.64</priority>
780
+ </url>
781
+ <url>
782
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/rede.html</loc>
783
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
784
+ <priority>0.64</priority>
785
+ </url>
786
+ <url>
787
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/areas-de-foco/smartreab.html</loc>
788
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
789
+ <priority>0.64</priority>
790
+ </url>
791
+ <url>
792
+ <loc>https://www.vodafone.pt/a-vodafone/relatorios/2019.html</loc>
793
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
794
+ <priority>0.64</priority>
795
+ </url>
796
+ <url>
797
+ <loc>https://www.vodafone.pt/a-vodafone/a-vodafone-no-mundo.html</loc>
798
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
799
+ <priority>0.64</priority>
800
+ </url>
801
+ <url>
802
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/movel/biz.html</loc>
803
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
804
+ <priority>0.64</priority>
805
+ </url>
806
+ <url>
807
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/movel/infinity.html</loc>
808
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
809
+ <priority>0.64</priority>
810
+ </url>
811
+ <url>
812
+ <loc>https://www.vodafone.pt/en/press-releases.html</loc>
813
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
814
+ <priority>0.64</priority>
815
+ </url>
816
+ <url>
817
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/posicionamento-e-principios.html</loc>
818
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
819
+ <priority>0.64</priority>
820
+ </url>
821
+ <url>
822
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/governance-e-etica.html</loc>
823
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
824
+ <priority>0.64</priority>
825
+ </url>
826
+ <url>
827
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/estrategia.html</loc>
828
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
829
+ <priority>0.64</priority>
830
+ </url>
831
+ <url>
832
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/compromissos-e-monitorizacao.html</loc>
833
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
834
+ <priority>0.64</priority>
835
+ </url>
836
+ <url>
837
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/desempenho-social.html</loc>
838
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
839
+ <priority>0.64</priority>
840
+ </url>
841
+ <url>
842
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/desempenho-ambiental.html</loc>
843
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
844
+ <priority>0.64</priority>
845
+ </url>
846
+ <url>
847
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/reporting.html</loc>
848
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
849
+ <priority>0.64</priority>
850
+ </url>
851
+ <url>
852
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/colaboradores.html</loc>
853
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
854
+ <priority>0.64</priority>
855
+ </url>
856
+ <url>
857
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/clientes.html</loc>
858
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
859
+ <priority>0.64</priority>
860
+ </url>
861
+ <url>
862
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/fornecedores.html</loc>
863
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
864
+ <priority>0.64</priority>
865
+ </url>
866
+ <url>
867
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/comunidade.html</loc>
868
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
869
+ <priority>0.64</priority>
870
+ </url>
871
+ <url>
872
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/porque-a-vodafone.html</loc>
873
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
874
+ <priority>0.64</priority>
875
+ </url>
876
+ <url>
877
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/desenvolvimento-profissional-na-Vodafone.html</loc>
878
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
879
+ <priority>0.64</priority>
880
+ </url>
881
+ <url>
882
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/jovens-talentos.html</loc>
883
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
884
+ <priority>0.64</priority>
885
+ </url>
886
+ <url>
887
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/profissionais-com-experiencia.html</loc>
888
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
889
+ <priority>0.64</priority>
890
+ </url>
891
+ <url>
892
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/como-trabalhamos.html</loc>
893
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
894
+ <priority>0.64</priority>
895
+ </url>
896
+ <url>
897
+ <loc>https://www.vodafone.pt/en/powerlab.html</loc>
898
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
899
+ <priority>0.64</priority>
900
+ </url>
901
+ <url>
902
+ <loc>https://www.vodafone.pt/powerlab/speed-networking.html</loc>
903
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
904
+ <priority>0.64</priority>
905
+ </url>
906
+ <url>
907
+ <loc>https://www.vodafone.pt/business.html</loc>
908
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
909
+ <priority>0.64</priority>
910
+ </url>
911
+ <url>
912
+ <loc>https://www.vodafone.pt/particulares.html</loc>
913
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
914
+ <priority>0.64</priority>
915
+ </url>
916
+ <url>
917
+ <loc>https://www.vodafone.pt/a-vodafone/relatorios.html</loc>
918
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
919
+ <priority>0.64</priority>
920
+ </url>
921
+ <url>
922
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos.html</loc>
923
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
924
+ <priority>0.51</priority>
925
+ </url>
926
+ <url>
927
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/my-vodafone.html</loc>
928
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
929
+ <priority>0.51</priority>
930
+ </url>
931
+ <url>
932
+ <loc>https://www.vodafone.pt/loja/clube-viva.html?i_id=quicklinks-hploja-clubeviva-1&amp;segment=consumer</loc>
933
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
934
+ <priority>0.51</priority>
935
+ </url>
936
+ <url>
937
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=quicklinks-hploja-telemoveis-2&amp;segment=consumer</loc>
938
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
939
+ <priority>0.51</priority>
940
+ </url>
941
+ <url>
942
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=quicklinks-hploja-acessorios-3</loc>
943
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
944
+ <priority>0.51</priority>
945
+ </url>
946
+ <url>
947
+ <loc>https://www.vodafone.pt/loja/smartwatch.html?i_id=quicklinks-hploja-smartwatch-4&amp;segment=consumer</loc>
948
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
949
+ <priority>0.51</priority>
950
+ </url>
951
+ <url>
952
+ <loc>https://www.vodafone.pt/loja/internet-movel.html?i_id=quicklinks-hploja-internet-movel-5&amp;segment=consumer</loc>
953
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
954
+ <priority>0.51</priority>
955
+ </url>
956
+ <url>
957
+ <loc>https://www.vodafone.pt/loja/cartoes-sim.html?i_id=quicklinks-hploja-cartoes-4&amp;segment=consumer</loc>
958
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
959
+ <priority>0.51</priority>
960
+ </url>
961
+ <url>
962
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/ready-1gb-cartao-sim-gratis.html?paymentType=pvp&amp;segment=consumer&amp;i_id=hploja-destaque-campanha-ready-2</loc>
963
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
964
+ <priority>0.51</priority>
965
+ </url>
966
+ <url>
967
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?segment=consumer&amp;brand=Apple&amp;i_id=hploja-destaque-iphone-14-3%20</loc>
968
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
969
+ <priority>0.51</priority>
970
+ </url>
971
+ <url>
972
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/ready-5gb-cartao-sim.html?paymentType=pvp&amp;segment=consumer</loc>
973
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
974
+ <priority>0.51</priority>
975
+ </url>
976
+ <url>
977
+ <loc>https://www.vodafone.pt/en/products-services/visiting-portugal.html?tab=smartphone?i_id=destaque-cartoes-visitingpt-4</loc>
978
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
979
+ <priority>0.51</priority>
980
+ </url>
981
+ <url>
982
+ <loc>https://www.vodafone.pt/br/produtos-servicos/visitando-portugal.html?i_id=destaque-cartoes-visitandopt-5</loc>
983
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
984
+ <priority>0.51</priority>
985
+ </url>
986
+ <url>
987
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=destaque-ace-acessoriosprotecao-2&amp;category=Capas%2CVidros%20temperados</loc>
988
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
989
+ <priority>0.51</priority>
990
+ </url>
991
+ <url>
992
+ <loc>https://www.vodafone.pt/loja/acessorios.html?segment=consumer&amp;category=Smart%20Home</loc>
993
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
994
+ <priority>0.51</priority>
995
+ </url>
996
+ <url>
997
+ <loc>https://www.vodafone.pt/loja/cartoes-sim.html?i_id=destaque-internetmovel-cartoes-sim-dados-1&amp;simType=Dados</loc>
998
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
999
+ <priority>0.51</priority>
1000
+ </url>
1001
+ <url>
1002
+ <loc>https://www.vodafone.pt/internet-movel.html?i_id=destaque-internetmovel-tarifarios-internetmovel-2</loc>
1003
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1004
+ <priority>0.51</priority>
1005
+ </url>
1006
+ <url>
1007
+ <loc>https://www.vodafone.pt/business/comunicacoes/internet/movel.html?i_id=destaque-internetmovel-tarifarios-internetmovel-business-3</loc>
1008
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1009
+ <priority>0.51</priority>
1010
+ </url>
1011
+ <url>
1012
+ <loc>https://www.vodafone.pt/loja/exclusivos.html</loc>
1013
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1014
+ <priority>0.51</priority>
1015
+ </url>
1016
+ <url>
1017
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/secure-net.html</loc>
1018
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1019
+ <priority>0.51</priority>
1020
+ </url>
1021
+ <url>
1022
+ <loc>https://www.vodafone.pt/loja/internet-movel.html?segment=consumer</loc>
1023
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1024
+ <priority>0.51</priority>
1025
+ </url>
1026
+ <url>
1027
+ <loc>https://www.vodafone.pt/ajuda/artigos/my-vodafone/acesso-my-vodafone/como-me-registo-no-my-vodafone.html</loc>
1028
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1029
+ <priority>0.51</priority>
1030
+ </url>
1031
+ <url>
1032
+ <loc>https://www.vodafone.pt/telemoveis/roaming/global-daily-roaming/detalhes.html</loc>
1033
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1034
+ <priority>0.51</priority>
1035
+ </url>
1036
+ <url>
1037
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/red/detalhes.html?activeTab=detalhes-red&amp;id=tarifario-red</loc>
1038
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1039
+ <priority>0.51</priority>
1040
+ </url>
1041
+ <url>
1042
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/red/detalhes.html?activeTab=detalhes-red&amp;id=info-5g</loc>
1043
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1044
+ <priority>0.51</priority>
1045
+ </url>
1046
+ <url>
1047
+ <loc>https://www.vodafone.pt/pacotes/amazon-prime.html</loc>
1048
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1049
+ <priority>0.51</priority>
1050
+ </url>
1051
+ <url>
1052
+ <loc>https://www.vodafone.pt/pacotes/televisao/apps-tv/hbo.html</loc>
1053
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1054
+ <priority>0.51</priority>
1055
+ </url>
1056
+ <url>
1057
+ <loc>https://www.vodafone.pt/pacotes/televisao/apps-tv/disney-plus.html</loc>
1058
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1059
+ <priority>0.51</priority>
1060
+ </url>
1061
+ <url>
1062
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/ready/detalhes.html</loc>
1063
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1064
+ <priority>0.51</priority>
1065
+ </url>
1066
+ <url>
1067
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/ready/detalhes.html?activeElement=funcionamento&amp;idAccComponent=detalhes</loc>
1068
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1069
+ <priority>0.51</priority>
1070
+ </url>
1071
+ <url>
1072
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/easy/detalhes.html</loc>
1073
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1074
+ <priority>0.51</priority>
1075
+ </url>
1076
+ <url>
1077
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/easy/detalhes.html?activeElement=info-5g&amp;idAccComponent=detalhes</loc>
1078
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1079
+ <priority>0.51</priority>
1080
+ </url>
1081
+ <url>
1082
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/aditivos-internacionais.html</loc>
1083
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1084
+ <priority>0.51</priority>
1085
+ </url>
1086
+ <url>
1087
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/directo/detalhes.html</loc>
1088
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1089
+ <priority>0.51</priority>
1090
+ </url>
1091
+ <url>
1092
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/directo/detalhes.html?activeElement=info-5g&amp;idAccComponent=detalhes</loc>
1093
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1094
+ <priority>0.51</priority>
1095
+ </url>
1096
+ <url>
1097
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/ready-5gb-cartao-sim.html</loc>
1098
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1099
+ <priority>0.51</priority>
1100
+ </url>
1101
+ <url>
1102
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/cartao-esim-gratis.html?paymentType=pvp&amp;segment=consumer</loc>
1103
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1104
+ <priority>0.51</priority>
1105
+ </url>
1106
+ <url>
1107
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=quicklinks-internetmovel-telemoveis-1&amp;tagsTechnology=eSIM&amp;segment=consumer</loc>
1108
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1109
+ <priority>0.51</priority>
1110
+ </url>
1111
+ <url>
1112
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=quicklinks-internetmovel-telemoveis-1&amp;tagsTechnology=eSIM</loc>
1113
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1114
+ <priority>0.51</priority>
1115
+ </url>
1116
+ <url>
1117
+ <loc>https://www.vodafone.pt/telemoveis/rede-movel-vodafone/volte.html</loc>
1118
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1119
+ <priority>0.51</priority>
1120
+ </url>
1121
+ <url>
1122
+ <loc>https://www.vodafone.pt/br/produtos-servicos.html</loc>
1123
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1124
+ <priority>0.51</priority>
1125
+ </url>
1126
+ <url>
1127
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=destaque-prod-serv-telemoveis-1</loc>
1128
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1129
+ <priority>0.51</priority>
1130
+ </url>
1131
+ <url>
1132
+ <loc>https://www.vodafone.pt/loja/cartoes-sim.html?i_id=destaque-prod-serv-cartoes-2</loc>
1133
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1134
+ <priority>0.51</priority>
1135
+ </url>
1136
+ <url>
1137
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=destaque-prod-serv-acessorios-3</loc>
1138
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1139
+ <priority>0.51</priority>
1140
+ </url>
1141
+ <url>
1142
+ <loc>https://www.vodafone.pt/loja/internet-movel.html?i_id=destaque-prod-serv-internet-movel-4</loc>
1143
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1144
+ <priority>0.51</priority>
1145
+ </url>
1146
+ <url>
1147
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/comunicacoes-internacionais/detalhes.html</loc>
1148
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1149
+ <priority>0.51</priority>
1150
+ </url>
1151
+ <url>
1152
+ <loc>https://www.vodafone.pt/telemoveis/roaming/detalhes.html</loc>
1153
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1154
+ <priority>0.51</priority>
1155
+ </url>
1156
+ <url>
1157
+ <loc>https://www.vodafone.pt/telemoveis/roaming/detalhes.html?activeElement=escolha&amp;idAccComponent=detalhes</loc>
1158
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1159
+ <priority>0.51</priority>
1160
+ </url>
1161
+ <url>
1162
+ <loc>https://www.vodafone.pt/telemoveis/roaming/detalhes.html?activeElement=como-fazer&amp;idAccComponent=detalhes</loc>
1163
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1164
+ <priority>0.51</priority>
1165
+ </url>
1166
+ <url>
1167
+ <loc>https://www.vodafone.pt/telemoveis/roaming/detalhes.html?activeElement=controlo&amp;idAccComponent=detalhes</loc>
1168
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1169
+ <priority>0.51</priority>
1170
+ </url>
1171
+ <url>
1172
+ <loc>https://www.vodafone.pt/telemoveis/roaming/detalhes.html?activeElement=numeros&amp;idAccComponent=detalhes</loc>
1173
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1174
+ <priority>0.51</priority>
1175
+ </url>
1176
+ <url>
1177
+ <loc>https://www.vodafone.pt/telemoveis/roaming/detalhes.html?activeElement=sos&amp;idAccComponent=detalhes</loc>
1178
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1179
+ <priority>0.51</priority>
1180
+ </url>
1181
+ <url>
1182
+ <loc>https://www.vodafone.pt/telemoveis/roaming/detalhes.html?activeElement=cuidados&amp;idAccComponent=detalhes</loc>
1183
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1184
+ <priority>0.51</priority>
1185
+ </url>
1186
+ <url>
1187
+ <loc>https://www.vodafone.pt/pacotes/televisao/apps-tv.html</loc>
1188
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1189
+ <priority>0.51</priority>
1190
+ </url>
1191
+ <url>
1192
+ <loc>https://www.vodafone.pt/loja/internet-movel/vodafone/hotspot-r219z-com-15-dias-net.html</loc>
1193
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1194
+ <priority>0.51</priority>
1195
+ </url>
1196
+ <url>
1197
+ <loc>https://www.vodafone.pt/pacotes/internet/smart-router.html</loc>
1198
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1199
+ <priority>0.51</priority>
1200
+ </url>
1201
+ <url>
1202
+ <loc>https://www.vodafone.pt/pacotes/internet/rede-fibra-vodafone/gaming.html</loc>
1203
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1204
+ <priority>0.51</priority>
1205
+ </url>
1206
+ <url>
1207
+ <loc>https://www.vodafone.pt/pacotes/televisao/ultrahd-4k.html</loc>
1208
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1209
+ <priority>0.51</priority>
1210
+ </url>
1211
+ <url>
1212
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais/sport-tv.html</loc>
1213
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1214
+ <priority>0.51</priority>
1215
+ </url>
1216
+ <url>
1217
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais/eleven-sports.html</loc>
1218
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1219
+ <priority>0.51</priority>
1220
+ </url>
1221
+ <url>
1222
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais/benfica-tv.html</loc>
1223
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1224
+ <priority>0.51</priority>
1225
+ </url>
1226
+ <url>
1227
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais/tv-cine.html</loc>
1228
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1229
+ <priority>0.51</priority>
1230
+ </url>
1231
+ <url>
1232
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais/tematicos.html</loc>
1233
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1234
+ <priority>0.51</priority>
1235
+ </url>
1236
+ <url>
1237
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais/brasil.html</loc>
1238
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1239
+ <priority>0.51</priority>
1240
+ </url>
1241
+ <url>
1242
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais/pack-asiatico.html</loc>
1243
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1244
+ <priority>0.51</priority>
1245
+ </url>
1246
+ <url>
1247
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais/tcvi.html</loc>
1248
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1249
+ <priority>0.51</priority>
1250
+ </url>
1251
+ <url>
1252
+ <loc>https://www.vodafone.pt/pacotes/televisao/lista-canais/adultos.html</loc>
1253
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1254
+ <priority>0.51</priority>
1255
+ </url>
1256
+ <url>
1257
+ <loc>https://www.vodafone.pt/a-vodafone/vodafone-stories/caminho-para-reduzir-consumo-energia-telecomunicacoes.html</loc>
1258
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1259
+ <priority>0.51</priority>
1260
+ </url>
1261
+ <url>
1262
+ <loc>https://www.vodafone.pt/a-vodafone/vodafone-stories/cidadaos-ucranianos-aprendem-portugues-e-ingles.html</loc>
1263
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1264
+ <priority>0.51</priority>
1265
+ </url>
1266
+ <url>
1267
+ <loc>https://www.vodafone.pt/a-vodafone/vodafone-stories/o-talento-jovem-desafia-a-tecnologia.html</loc>
1268
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1269
+ <priority>0.51</priority>
1270
+ </url>
1271
+ <url>
1272
+ <loc>https://www.vodafone.pt/a-vodafone/vodafone-stories/realidade-virtual-ao-servico-da-saude-mental/</loc>
1273
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1274
+ <priority>0.51</priority>
1275
+ </url>
1276
+ <url>
1277
+ <loc>https://www.vodafone.pt/a-vodafone/vodafone-stories/estagios-em-tempo-de-pandemia.html</loc>
1278
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1279
+ <priority>0.51</priority>
1280
+ </url>
1281
+ <url>
1282
+ <loc>https://www.vodafone.pt/a-vodafone/vodafone-stories/violencia-domestica-sempre-ligados-as-vitimas.html</loc>
1283
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1284
+ <priority>0.51</priority>
1285
+ </url>
1286
+ <url>
1287
+ <loc>https://www.vodafone.pt/a-vodafone/vodafone-stories/vodafone-portugal-28-anos-a-ligar-os-portugueses.html</loc>
1288
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1289
+ <priority>0.51</priority>
1290
+ </url>
1291
+ <url>
1292
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/sobre-nos/a-nossa-historia/smartfarmer.html</loc>
1293
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1294
+ <priority>0.51</priority>
1295
+ </url>
1296
+ <url>
1297
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/ambiente/eco-rating.html</loc>
1298
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1299
+ <priority>0.51</priority>
1300
+ </url>
1301
+ <url>
1302
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/ambiente/reciclagem-equipamentos.html</loc>
1303
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1304
+ <priority>0.51</priority>
1305
+ </url>
1306
+ <url>
1307
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/ambiente/alteracoes-climaticas.html</loc>
1308
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1309
+ <priority>0.51</priority>
1310
+ </url>
1311
+ <url>
1312
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/ambiente/eficiencia-energetica.html</loc>
1313
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1314
+ <priority>0.51</priority>
1315
+ </url>
1316
+ <url>
1317
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/ambiente/gestao-de-residuos.html</loc>
1318
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1319
+ <priority>0.51</priority>
1320
+ </url>
1321
+ <url>
1322
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/ambiente/biodiversidade.html</loc>
1323
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1324
+ <priority>0.51</priority>
1325
+ </url>
1326
+ <url>
1327
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/rede/campos-electromagneticos.html</loc>
1328
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1329
+ <priority>0.51</priority>
1330
+ </url>
1331
+ <url>
1332
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/rede/telemoveis-e-saude.html</loc>
1333
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1334
+ <priority>0.51</priority>
1335
+ </url>
1336
+ <url>
1337
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/rede/telemoveis-e-criancas.html</loc>
1338
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1339
+ <priority>0.51</priority>
1340
+ </url>
1341
+ <url>
1342
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/rede/investigacao-cientifica.html</loc>
1343
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1344
+ <priority>0.51</priority>
1345
+ </url>
1346
+ <url>
1347
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/rede/telemoveis-e-conducao.html</loc>
1348
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1349
+ <priority>0.51</priority>
1350
+ </url>
1351
+ <url>
1352
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/rede/antenas-e-saude.html</loc>
1353
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1354
+ <priority>0.51</priority>
1355
+ </url>
1356
+ <url>
1357
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/rede/impacto-visual.html</loc>
1358
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1359
+ <priority>0.51</priority>
1360
+ </url>
1361
+ <url>
1362
+ <loc>https://www.vodafone.pt/a-vodafone/responsabilidade-social/rede/comunicacao-stakeholders.html</loc>
1363
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1364
+ <priority>0.51</priority>
1365
+ </url>
1366
+ <url>
1367
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/areas-de-foco.html?btnFilter=Sa%C3%BAde</loc>
1368
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1369
+ <priority>0.51</priority>
1370
+ </url>
1371
+ <url>
1372
+ <loc>https://www.vodafone.pt/business/comunicacoes.html</loc>
1373
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1374
+ <priority>0.51</priority>
1375
+ </url>
1376
+ <url>
1377
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz.html</loc>
1378
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1379
+ <priority>0.51</priority>
1380
+ </url>
1381
+ <url>
1382
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/movel.html</loc>
1383
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1384
+ <priority>0.51</priority>
1385
+ </url>
1386
+ <url>
1387
+ <loc>https://www.vodafone.pt/business/5g.html</loc>
1388
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1389
+ <priority>0.51</priority>
1390
+ </url>
1391
+ <url>
1392
+ <loc>https://www.vodafone.pt/business/v-hub.html</loc>
1393
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1394
+ <priority>0.51</priority>
1395
+ </url>
1396
+ <url>
1397
+ <loc>https://www.vodafone.pt/business/comunicacoes/pacotes-empresas.html</loc>
1398
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1399
+ <priority>0.51</priority>
1400
+ </url>
1401
+ <url>
1402
+ <loc>https://www.vodafone.pt/business/comunicacoes/central/one-net.html</loc>
1403
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1404
+ <priority>0.51</priority>
1405
+ </url>
1406
+ <url>
1407
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud.html</loc>
1408
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1409
+ <priority>0.51</priority>
1410
+ </url>
1411
+ <url>
1412
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital.html</loc>
1413
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1414
+ <priority>0.51</priority>
1415
+ </url>
1416
+ <url>
1417
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia.html</loc>
1418
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1419
+ <priority>0.51</priority>
1420
+ </url>
1421
+ <url>
1422
+ <loc>https://www.vodafone.pt/business/setores.html</loc>
1423
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1424
+ <priority>0.51</priority>
1425
+ </url>
1426
+ <url>
1427
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?segment=business</loc>
1428
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1429
+ <priority>0.51</priority>
1430
+ </url>
1431
+ <url>
1432
+ <loc>https://www.vodafone.pt/loja/clube-viva.html?segment=business</loc>
1433
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1434
+ <priority>0.51</priority>
1435
+ </url>
1436
+ <url>
1437
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?segment=business&amp;highlight=Promo%C3%A7%C3%B5es</loc>
1438
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1439
+ <priority>0.51</priority>
1440
+ </url>
1441
+ <url>
1442
+ <loc>https://www.vodafone.pt/loja/internet-movel.html?segment=business</loc>
1443
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1444
+ <priority>0.51</priority>
1445
+ </url>
1446
+ <url>
1447
+ <loc>https://www.vodafone.pt/loja/acessorios.html?segment=business</loc>
1448
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1449
+ <priority>0.51</priority>
1450
+ </url>
1451
+ <url>
1452
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/as-nossas-pessoas.html</loc>
1453
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1454
+ <priority>0.51</priority>
1455
+ </url>
1456
+ <url>
1457
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/historias-felizes.html</loc>
1458
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1459
+ <priority>0.51</priority>
1460
+ </url>
1461
+ <url>
1462
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/beneficios.html</loc>
1463
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1464
+ <priority>0.51</priority>
1465
+ </url>
1466
+ <url>
1467
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/diversidade.html</loc>
1468
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1469
+ <priority>0.51</priority>
1470
+ </url>
1471
+ <url>
1472
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/jovens-talentos/discover-graduates.html</loc>
1473
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1474
+ <priority>0.51</priority>
1475
+ </url>
1476
+ <url>
1477
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/jovens-talentos/internships.html</loc>
1478
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1479
+ <priority>0.51</priority>
1480
+ </url>
1481
+ <url>
1482
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/jovens-talentos/summer-internships.html</loc>
1483
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1484
+ <priority>0.51</priority>
1485
+ </url>
1486
+ <url>
1487
+ <loc>https://www.vodafone.pt/a-vodafone/recrutamento/jovens-talentos/work-experience.html</loc>
1488
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1489
+ <priority>0.51</priority>
1490
+ </url>
1491
+ <url>
1492
+ <loc>https://www.vodafone.pt/business/comunicacoes/pacotes-empresas.html?i_id=ebu-quicklink-pacotes-1</loc>
1493
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1494
+ <priority>0.51</priority>
1495
+ </url>
1496
+ <url>
1497
+ <loc>https://www.vodafone.pt/business/comunicacoes/pacotes-empresas/cobertura.html?i_id=quicklinks-cobertura</loc>
1498
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1499
+ <priority>0.51</priority>
1500
+ </url>
1501
+ <url>
1502
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/movel.html?i_id=ebu-quicklink-vozmovel-2</loc>
1503
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1504
+ <priority>0.51</priority>
1505
+ </url>
1506
+ <url>
1507
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=quicklinks-site-telem%C3%B3veis-2&amp;segment=business</loc>
1508
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1509
+ <priority>0.51</priority>
1510
+ </url>
1511
+ <url>
1512
+ <loc>https://www.vodafone.pt/loja/clube-viva.html?i_id=quicklinks-site-clube-viva-3&amp;segment=business</loc>
1513
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1514
+ <priority>0.51</priority>
1515
+ </url>
1516
+ <url>
1517
+ <loc>https://www.vodafone.pt/business/comunicacoes/internet/business-wifi.html?i_id=ebu-destaque-hpme</loc>
1518
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1519
+ <priority>0.51</priority>
1520
+ </url>
1521
+ <url>
1522
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/microsoft-365.html?i_id=ebu-destaque-hprofissionais</loc>
1523
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1524
+ <priority>0.51</priority>
1525
+ </url>
1526
+ <url>
1527
+ <loc>https://www.vodafone.pt/business/v-hub/casos-sucesso/flymaster.html</loc>
1528
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1529
+ <priority>0.51</priority>
1530
+ </url>
1531
+ <url>
1532
+ <loc>https://www.vodafone.pt/business/v-hub/casos-sucesso/h2otel.html</loc>
1533
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1534
+ <priority>0.51</priority>
1535
+ </url>
1536
+ <url>
1537
+ <loc>https://www.vodafone.pt/a-vodafone/relatorios/2018.html</loc>
1538
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1539
+ <priority>0.51</priority>
1540
+ </url>
1541
+ <url>
1542
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/smart-router.html</loc>
1543
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1544
+ <priority>0.41</priority>
1545
+ </url>
1546
+ <url>
1547
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/chat.html</loc>
1548
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1549
+ <priority>0.41</priority>
1550
+ </url>
1551
+ <url>
1552
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/filmin.html</loc>
1553
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1554
+ <priority>0.41</priority>
1555
+ </url>
1556
+ <url>
1557
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/tidal.html</loc>
1558
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1559
+ <priority>0.41</priority>
1560
+ </url>
1561
+ <url>
1562
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/voicemail.html</loc>
1563
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1564
+ <priority>0.41</priority>
1565
+ </url>
1566
+ <url>
1567
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/lista-telefonica-vodafone.html</loc>
1568
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1569
+ <priority>0.41</priority>
1570
+ </url>
1571
+ <url>
1572
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/numeros-uteis.html</loc>
1573
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1574
+ <priority>0.41</priority>
1575
+ </url>
1576
+ <url>
1577
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/google-play.html</loc>
1578
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1579
+ <priority>0.41</priority>
1580
+ </url>
1581
+ <url>
1582
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/blizzard.html</loc>
1583
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1584
+ <priority>0.41</priority>
1585
+ </url>
1586
+ <url>
1587
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/future-driver.html</loc>
1588
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1589
+ <priority>0.41</priority>
1590
+ </url>
1591
+ <url>
1592
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/sobre-nos/a-nossa-historia.html</loc>
1593
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1594
+ <priority>0.41</priority>
1595
+ </url>
1596
+ <url>
1597
+ <loc>https://www.vodafone.pt/telemoveis/apps-servicos/praia-em-direto.html</loc>
1598
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1599
+ <priority>0.41</priority>
1600
+ </url>
1601
+ <url>
1602
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/ready-1gb-cartao-sim-gratis.html</loc>
1603
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1604
+ <priority>0.41</priority>
1605
+ </url>
1606
+ <url>
1607
+ <loc>https://www.vodafone.pt/business/comunicacoes/internet.html</loc>
1608
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1609
+ <priority>0.41</priority>
1610
+ </url>
1611
+ <url>
1612
+ <loc>https://www.vodafone.pt/business/comunicacoes/internet/movel.html</loc>
1613
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1614
+ <priority>0.41</priority>
1615
+ </url>
1616
+ <url>
1617
+ <loc>https://www.vodafone.pt/business/comunicacoes/internet/movel/detalhes-tarifarios-individuais-vodafone-on.html</loc>
1618
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1619
+ <priority>0.41</priority>
1620
+ </url>
1621
+ <url>
1622
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/secure-device-manager.html</loc>
1623
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1624
+ <priority>0.41</priority>
1625
+ </url>
1626
+ <url>
1627
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/red/detalhes.html</loc>
1628
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1629
+ <priority>0.41</priority>
1630
+ </url>
1631
+ <url>
1632
+ <loc>https://www.vodafone.pt/pacotes/televisao/apps-tv/amazon-prime-video.html</loc>
1633
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1634
+ <priority>0.41</priority>
1635
+ </url>
1636
+ <url>
1637
+ <loc>https://www.vodafone.pt/pacotes/amazon-prime/criar-conta.html</loc>
1638
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1639
+ <priority>0.41</priority>
1640
+ </url>
1641
+ <url>
1642
+ <loc>https://www.vodafone.pt/ajuda/artigos/tv-net-voz/disney-plus/como-posso-ativar-o-servico-disney-plus-atraves-da-vodafone.html</loc>
1643
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1644
+ <priority>0.41</priority>
1645
+ </url>
1646
+ <url>
1647
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/detalhe-tarifa-internet-movel.html</loc>
1648
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1649
+ <priority>0.41</priority>
1650
+ </url>
1651
+ <url>
1652
+ <loc>https://www.vodafone.pt/telemoveis/tarifarios/aditivos-internacionais/detalhes.html</loc>
1653
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1654
+ <priority>0.41</priority>
1655
+ </url>
1656
+ <url>
1657
+ <loc>https://www.vodafone.pt/loja/cartoes-sim/vodafone/cartao-esim-gratis.html</loc>
1658
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1659
+ <priority>0.41</priority>
1660
+ </url>
1661
+ <url>
1662
+ <loc>https://www.vodafone.pt/pacotes/televisao/apps-tv/netflix.html</loc>
1663
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1664
+ <priority>0.41</priority>
1665
+ </url>
1666
+ <url>
1667
+ <loc>https://www.vodafone.pt/pacotes/televisao/apps-tv/filmin.html</loc>
1668
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1669
+ <priority>0.41</priority>
1670
+ </url>
1671
+ <url>
1672
+ <loc>https://www.vodafone.pt/pacotes/televisao/apps-tv/appletv-plus.html</loc>
1673
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1674
+ <priority>0.41</priority>
1675
+ </url>
1676
+ <url>
1677
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?segment=consumer&amp;highlight=%C3%9Altimas%20unidades</loc>
1678
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1679
+ <priority>0.41</priority>
1680
+ </url>
1681
+ <url>
1682
+ <loc>https://www.vodafone.pt/pacotes.html?activeTab=3p&amp;id=pacotes</loc>
1683
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1684
+ <priority>0.41</priority>
1685
+ </url>
1686
+ <url>
1687
+ <loc>https://www.vodafone.pt/a-vodafone/vodafone-stories/realidade-virtual-ao-servico-da-saude-mental.html</loc>
1688
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1689
+ <priority>0.41</priority>
1690
+ </url>
1691
+ <url>
1692
+ <loc>https://www.vodafone.pt/business/comunicacoes/central.html</loc>
1693
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1694
+ <priority>0.41</priority>
1695
+ </url>
1696
+ <url>
1697
+ <loc>https://www.vodafone.pt/business/comunicacoes/roaming.html</loc>
1698
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1699
+ <priority>0.41</priority>
1700
+ </url>
1701
+ <url>
1702
+ <loc>https://www.vodafone.pt/loja/business.html?segment=business</loc>
1703
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1704
+ <priority>0.41</priority>
1705
+ </url>
1706
+ <url>
1707
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/portabilidade.html</loc>
1708
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1709
+ <priority>0.41</priority>
1710
+ </url>
1711
+ <url>
1712
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/fixa.html</loc>
1713
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1714
+ <priority>0.41</priority>
1715
+ </url>
1716
+ <url>
1717
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/aditivos/internacionais.html</loc>
1718
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1719
+ <priority>0.41</priority>
1720
+ </url>
1721
+ <url>
1722
+ <loc>https://www.vodafone.pt/business/v-hub/explorar.html</loc>
1723
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1724
+ <priority>0.41</priority>
1725
+ </url>
1726
+ <url>
1727
+ <loc>https://www.vodafone.pt/business/v-hub/observatorio-empresas.html</loc>
1728
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1729
+ <priority>0.41</priority>
1730
+ </url>
1731
+ <url>
1732
+ <loc>https://www.vodafone.pt/business/v-hub/fundos-prr.html</loc>
1733
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1734
+ <priority>0.41</priority>
1735
+ </url>
1736
+ <url>
1737
+ <loc>https://www.vodafone.pt/business/v-hub/estudos.html</loc>
1738
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1739
+ <priority>0.41</priority>
1740
+ </url>
1741
+ <url>
1742
+ <loc>https://www.vodafone.pt/business/v-hub/casos-sucesso.html</loc>
1743
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1744
+ <priority>0.41</priority>
1745
+ </url>
1746
+ <url>
1747
+ <loc>https://www.vodafone.pt/business/v-hub/formacao.html</loc>
1748
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1749
+ <priority>0.41</priority>
1750
+ </url>
1751
+ <url>
1752
+ <loc>https://www.vodafone.pt/business/v-hub/explorar/inovacao/industrias-mais-inteligentes-com-5g.html</loc>
1753
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1754
+ <priority>0.41</priority>
1755
+ </url>
1756
+ <url>
1757
+ <loc>https://www.vodafone.pt/business/v-hub/formacao/centro-de-formacao-online-udemy.html</loc>
1758
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1759
+ <priority>0.41</priority>
1760
+ </url>
1761
+ <url>
1762
+ <loc>https://www.vodafone.pt/business/v-hub/formacao/impulsionar-esforcos-de-marketing-digital-com-o-facebook-blueprint.html</loc>
1763
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1764
+ <priority>0.41</priority>
1765
+ </url>
1766
+ <url>
1767
+ <loc>https://www.vodafone.pt/business/comunicacoes/internet/business-wifi.html</loc>
1768
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1769
+ <priority>0.41</priority>
1770
+ </url>
1771
+ <url>
1772
+ <loc>https://www.vodafone.pt/business/comunicacoes/pacotes-empresas/cobertura.html</loc>
1773
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1774
+ <priority>0.41</priority>
1775
+ </url>
1776
+ <url>
1777
+ <loc>https://www.vodafone.pt/business/comunicacoes/central/one-net.html?activeTab=empresa&amp;id=funcionalidades-one-net</loc>
1778
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1779
+ <priority>0.41</priority>
1780
+ </url>
1781
+ <url>
1782
+ <loc>https://www.vodafone.pt/business/solucoes/iteam.html</loc>
1783
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1784
+ <priority>0.41</priority>
1785
+ </url>
1786
+ <url>
1787
+ <loc>https://www.vodafone.pt/business/solucoes.html</loc>
1788
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1789
+ <priority>0.41</priority>
1790
+ </url>
1791
+ <url>
1792
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/secure-firewall.html</loc>
1793
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1794
+ <priority>0.41</priority>
1795
+ </url>
1796
+ <url>
1797
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/safe-net-access.html</loc>
1798
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1799
+ <priority>0.41</priority>
1800
+ </url>
1801
+ <url>
1802
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/secure-mobile.html</loc>
1803
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1804
+ <priority>0.41</priority>
1805
+ </url>
1806
+ <url>
1807
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/trend-micro-security.html</loc>
1808
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1809
+ <priority>0.41</priority>
1810
+ </url>
1811
+ <url>
1812
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/secure-email.html</loc>
1813
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1814
+ <priority>0.41</priority>
1815
+ </url>
1816
+ <url>
1817
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia/smart-security-camera.html</loc>
1818
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1819
+ <priority>0.41</priority>
1820
+ </url>
1821
+ <url>
1822
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia/tag-and-track.html</loc>
1823
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1824
+ <priority>0.41</priority>
1825
+ </url>
1826
+ <url>
1827
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/virtual-private-cloud.html</loc>
1828
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1829
+ <priority>0.41</priority>
1830
+ </url>
1831
+ <url>
1832
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/housing.html</loc>
1833
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1834
+ <priority>0.41</priority>
1835
+ </url>
1836
+ <url>
1837
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/anti-ddos.html</loc>
1838
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1839
+ <priority>0.41</priority>
1840
+ </url>
1841
+ <url>
1842
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/data-vpn-premium.html</loc>
1843
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1844
+ <priority>0.41</priority>
1845
+ </url>
1846
+ <url>
1847
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/ethernet-connect.html</loc>
1848
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1849
+ <priority>0.41</priority>
1850
+ </url>
1851
+ <url>
1852
+ <loc>https://www.vodafone.pt/business/setores/saude/care-tracker.html</loc>
1853
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1854
+ <priority>0.41</priority>
1855
+ </url>
1856
+ <url>
1857
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/vulnerability-assessment.html</loc>
1858
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1859
+ <priority>0.41</priority>
1860
+ </url>
1861
+ <url>
1862
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/cyber-exposure-diagnostic.html</loc>
1863
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1864
+ <priority>0.41</priority>
1865
+ </url>
1866
+ <url>
1867
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/penetration-testing.html</loc>
1868
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1869
+ <priority>0.41</priority>
1870
+ </url>
1871
+ <url>
1872
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/phishing-awareness.html</loc>
1873
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1874
+ <priority>0.41</priority>
1875
+ </url>
1876
+ <url>
1877
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/managed-detection-response.html</loc>
1878
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1879
+ <priority>0.41</priority>
1880
+ </url>
1881
+ <url>
1882
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/breach-response-forensics.html</loc>
1883
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1884
+ <priority>0.41</priority>
1885
+ </url>
1886
+ <url>
1887
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/business-remote-access.html</loc>
1888
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1889
+ <priority>0.41</priority>
1890
+ </url>
1891
+ <url>
1892
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/sd-wan.html</loc>
1893
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1894
+ <priority>0.41</priority>
1895
+ </url>
1896
+ <url>
1897
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/security-pack.html</loc>
1898
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1899
+ <priority>0.41</priority>
1900
+ </url>
1901
+ <url>
1902
+ <loc>https://www.vodafone.pt/business/solucoes/seguranca-e-cloud/safe-tracker.html</loc>
1903
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1904
+ <priority>0.41</priority>
1905
+ </url>
1906
+ <url>
1907
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/digital-start.html</loc>
1908
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1909
+ <priority>0.41</priority>
1910
+ </url>
1911
+ <url>
1912
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/b-online.html</loc>
1913
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1914
+ <priority>0.41</priority>
1915
+ </url>
1916
+ <url>
1917
+ <loc>https://www.vodafone.pt/business/comunicacoes/central/one-net-team-collaboration.html</loc>
1918
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1919
+ <priority>0.41</priority>
1920
+ </url>
1921
+ <url>
1922
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/webex-meetings-webex-teams.html</loc>
1923
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1924
+ <priority>0.41</priority>
1925
+ </url>
1926
+ <url>
1927
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/microsoft-365.html</loc>
1928
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1929
+ <priority>0.41</priority>
1930
+ </url>
1931
+ <url>
1932
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/google-workspace.html</loc>
1933
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1934
+ <priority>0.41</priority>
1935
+ </url>
1936
+ <url>
1937
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/sms-by-mail.html</loc>
1938
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1939
+ <priority>0.41</priority>
1940
+ </url>
1941
+ <url>
1942
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/smart-click.html</loc>
1943
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1944
+ <priority>0.41</priority>
1945
+ </url>
1946
+ <url>
1947
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/sms-broadcast.html</loc>
1948
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1949
+ <priority>0.41</priority>
1950
+ </url>
1951
+ <url>
1952
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/sms-c.html</loc>
1953
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1954
+ <priority>0.41</priority>
1955
+ </url>
1956
+ <url>
1957
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/digital-screen.html</loc>
1958
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1959
+ <priority>0.41</priority>
1960
+ </url>
1961
+ <url>
1962
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/guest-tv.html</loc>
1963
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1964
+ <priority>0.41</priority>
1965
+ </url>
1966
+ <url>
1967
+ <loc>https://www.vodafone.pt/business/solucoes/negocio-digital/analytics.html</loc>
1968
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1969
+ <priority>0.41</priority>
1970
+ </url>
1971
+ <url>
1972
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia/gestao-de-frotas.html</loc>
1973
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1974
+ <priority>0.41</priority>
1975
+ </url>
1976
+ <url>
1977
+ <loc>https://www.vodafone.pt/business/solucoes/smart-cities/smart-energy.html</loc>
1978
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1979
+ <priority>0.41</priority>
1980
+ </url>
1981
+ <url>
1982
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia/conectividade-iot.html</loc>
1983
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1984
+ <priority>0.41</priority>
1985
+ </url>
1986
+ <url>
1987
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia/ready-check-go.html</loc>
1988
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1989
+ <priority>0.41</priority>
1990
+ </url>
1991
+ <url>
1992
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia/machine-data.html</loc>
1993
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1994
+ <priority>0.41</priority>
1995
+ </url>
1996
+ <url>
1997
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia/teamlog.html</loc>
1998
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
1999
+ <priority>0.41</priority>
2000
+ </url>
2001
+ <url>
2002
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia/office-booking.html</loc>
2003
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2004
+ <priority>0.41</priority>
2005
+ </url>
2006
+ <url>
2007
+ <loc>https://www.vodafone.pt/business/solucoes/gestao-e-eficiencia/device-lifecycle-management.html</loc>
2008
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2009
+ <priority>0.41</priority>
2010
+ </url>
2011
+ <url>
2012
+ <loc>https://www.vodafone.pt/business/v-hub/casos-sucesso/todos.html</loc>
2013
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2014
+ <priority>0.41</priority>
2015
+ </url>
2016
+ <url>
2017
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/sobre-nos/a-nossa-historia/floresta-mais-verde.html</loc>
2018
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2019
+ <priority>0.33</priority>
2020
+ </url>
2021
+ <url>
2022
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/areas-de-foco/praia-saudavel.html</loc>
2023
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2024
+ <priority>0.33</priority>
2025
+ </url>
2026
+ <url>
2027
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/sobre-nos/a-nossa-historia/taxi-seguro.html</loc>
2028
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2029
+ <priority>0.33</priority>
2030
+ </url>
2031
+ <url>
2032
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/areas-de-foco/geracao-net-senior.html</loc>
2033
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2034
+ <priority>0.33</priority>
2035
+ </url>
2036
+ <url>
2037
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/areas-de-foco/smartmountain-village.html</loc>
2038
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2039
+ <priority>0.33</priority>
2040
+ </url>
2041
+ <url>
2042
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/sobre-nos/a-nossa-historia/circuitos-ciencia-viva.html</loc>
2043
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2044
+ <priority>0.33</priority>
2045
+ </url>
2046
+ <url>
2047
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/sobre-nos/a-nossa-historia/tur4all.html</loc>
2048
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2049
+ <priority>0.33</priority>
2050
+ </url>
2051
+ <url>
2052
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/areas-de-foco/waste-app.html</loc>
2053
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2054
+ <priority>0.33</priority>
2055
+ </url>
2056
+ <url>
2057
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/areas-de-foco/e-se-fosse-outra-cor.html</loc>
2058
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2059
+ <priority>0.33</priority>
2060
+ </url>
2061
+ <url>
2062
+ <loc>https://www.vodafone.pt/a-vodafone/fundacao/areas-de-foco/bright-sky.html</loc>
2063
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2064
+ <priority>0.33</priority>
2065
+ </url>
2066
+ <url>
2067
+ <loc>https://www.vodafone.pt/business/comunicacoes/internet/fixa-net-premium.html</loc>
2068
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2069
+ <priority>0.33</priority>
2070
+ </url>
2071
+ <url>
2072
+ <loc>https://www.vodafone.pt/business/comunicacoes/central/one-net-call-centre.html</loc>
2073
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2074
+ <priority>0.33</priority>
2075
+ </url>
2076
+ <url>
2077
+ <loc>https://www.vodafone.pt/business/comunicacoes/central/one-net-contact-centre.html</loc>
2078
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2079
+ <priority>0.33</priority>
2080
+ </url>
2081
+ <url>
2082
+ <loc>https://www.vodafone.pt/business/comunicacoes/central/one-net-check-out.html</loc>
2083
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2084
+ <priority>0.33</priority>
2085
+ </url>
2086
+ <url>
2087
+ <loc>https://www.vodafone.pt/business/comunicacoes/roaming/tudo-sobre-roaming.html</loc>
2088
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2089
+ <priority>0.33</priority>
2090
+ </url>
2091
+ <url>
2092
+ <loc>https://www.vodafone.pt/business/comunicacoes/roaming/tudo-sobre-roaming.html?activeElement=escolher-uma-rede&amp;idAccComponent=detalhes</loc>
2093
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2094
+ <priority>0.33</priority>
2095
+ </url>
2096
+ <url>
2097
+ <loc>https://www.vodafone.pt/business/comunicacoes/roaming/tudo-sobre-roaming.html?activeElement=chamadas-sms-estrangeiro&amp;idAccComponent=detalhes</loc>
2098
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2099
+ <priority>0.33</priority>
2100
+ </url>
2101
+ <url>
2102
+ <loc>https://www.vodafone.pt/business/comunicacoes/roaming/tudo-sobre-roaming.html?activeElement=utilizar-internet-estrangeiro&amp;idAccComponent=detalhes</loc>
2103
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2104
+ <priority>0.33</priority>
2105
+ </url>
2106
+ <url>
2107
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=quicklinks-hploja-telemoveis-2&amp;segment=business</loc>
2108
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2109
+ <priority>0.33</priority>
2110
+ </url>
2111
+ <url>
2112
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?i_id=quicklinks-hploja-telemoveis-promo%C3%A7%C3%B5es-1&amp;segment=business&amp;highlight=Promo%C3%A7%C3%B5es</loc>
2113
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2114
+ <priority>0.33</priority>
2115
+ </url>
2116
+ <url>
2117
+ <loc>https://www.vodafone.pt/loja/acessorios.html?i_id=quicklinks-hploja-acessorios-3&amp;segment=business</loc>
2118
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2119
+ <priority>0.33</priority>
2120
+ </url>
2121
+ <url>
2122
+ <loc>https://www.vodafone.pt/loja/internet-movel.html?i_id=quicklinks-hploja-internet-movel-4&amp;segment=business</loc>
2123
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2124
+ <priority>0.33</priority>
2125
+ </url>
2126
+ <url>
2127
+ <loc>https://www.vodafone.pt/business/comunicacoes/pacotes-empresas.html?i_id=quicklinks-hploja-pacotes-empresariais5</loc>
2128
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2129
+ <priority>0.33</priority>
2130
+ </url>
2131
+ <url>
2132
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/movel.html?icmp=ebu-quicklinks-hploja-numero-6</loc>
2133
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2134
+ <priority>0.33</priority>
2135
+ </url>
2136
+ <url>
2137
+ <loc>https://www.vodafone.pt/loja/telemoveis.html?segment=business&amp;highlight=%C3%9Altimas%20unidades</loc>
2138
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2139
+ <priority>0.33</priority>
2140
+ </url>
2141
+ <url>
2142
+ <loc>https://www.vodafone.pt/loja/exclusivos.html?segment=business</loc>
2143
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2144
+ <priority>0.33</priority>
2145
+ </url>
2146
+ <url>
2147
+ <loc>https://www.vodafone.pt/loja/clube-viva.html?i_id=destaque-hploja-clubeviva-1&amp;segment=business</loc>
2148
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2149
+ <priority>0.33</priority>
2150
+ </url>
2151
+ <url>
2152
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/fixa/voz-fixa-premium.html</loc>
2153
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2154
+ <priority>0.33</priority>
2155
+ </url>
2156
+ <url>
2157
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/fixa/numeros-especiais.html</loc>
2158
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2159
+ <priority>0.33</priority>
2160
+ </url>
2161
+ <url>
2162
+ <loc>https://www.vodafone.pt/business/comunicacoes/voz/aditivos.html</loc>
2163
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2164
+ <priority>0.33</priority>
2165
+ </url>
2166
+ <url>
2167
+ <loc>https://www.vodafone.pt/business/v-hub/estudos/para-la-do-futuro.html</loc>
2168
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2169
+ <priority>0.33</priority>
2170
+ </url>
2171
+ <url>
2172
+ <loc>https://www.vodafone.pt/business/v-hub/estudos/relatorio-future-ready-2020.html</loc>
2173
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2174
+ <priority>0.33</priority>
2175
+ </url>
2176
+ <url>
2177
+ <loc>https://www.vodafone.pt/business/v-hub/estudos/iot-spotlight-2020.html</loc>
2178
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2179
+ <priority>0.33</priority>
2180
+ </url>
2181
+ <url>
2182
+ <loc>https://www.vodafone.pt/business/v-hub/estudos/barometro-iot-2019.html</loc>
2183
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2184
+ <priority>0.33</priority>
2185
+ </url>
2186
+ <url>
2187
+ <loc>https://www.vodafone.pt/business/v-hub/estudos/barometro-tendencias-2019.html?activeTab=estudos&amp;id=observatorio</loc>
2188
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2189
+ <priority>0.33</priority>
2190
+ </url>
2191
+ <url>
2192
+ <loc>https://www.vodafone.pt/business/v-hub/estudos/barometro-tendencias-2019.html</loc>
2193
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2194
+ <priority>0.33</priority>
2195
+ </url>
2196
+ <url>
2197
+ <loc>https://www.vodafone.pt/business/v-hub/estudos/ciberseguranca-2018.html?activeTab=estudos&amp;id=observatorio</loc>
2198
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2199
+ <priority>0.33</priority>
2200
+ </url>
2201
+ <url>
2202
+ <loc>https://www.vodafone.pt/business/v-hub/estudos/ciberseguranca-2018.html</loc>
2203
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2204
+ <priority>0.33</priority>
2205
+ </url>
2206
+ <url>
2207
+ <loc>https://www.vodafone.pt/business/v-hub/casos-sucesso/fiamma.html</loc>
2208
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2209
+ <priority>0.33</priority>
2210
+ </url>
2211
+ <url>
2212
+ <loc>https://www.vodafone.pt/business/v-hub/casos-sucesso/sonafi.html</loc>
2213
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2214
+ <priority>0.33</priority>
2215
+ </url>
2216
+ <url>
2217
+ <loc>https://www.vodafone.pt/business/v-hub/casos-sucesso/schreder.html</loc>
2218
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2219
+ <priority>0.33</priority>
2220
+ </url>
2221
+ <url>
2222
+ <loc>https://www.vodafone.pt/business/v-hub/explorar/inovacao.html</loc>
2223
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2224
+ <priority>0.33</priority>
2225
+ </url>
2226
+ <url>
2227
+ <loc>https://www.vodafone.pt/business/v-hub/explorar/tecnologia/construcao-na-era-digital.html</loc>
2228
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2229
+ <priority>0.33</priority>
2230
+ </url>
2231
+ <url>
2232
+ <loc>https://www.vodafone.pt/business/v-hub/explorar/inovacao/caminho-para-futuros-empreendedores.html</loc>
2233
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2234
+ <priority>0.33</priority>
2235
+ </url>
2236
+ <url>
2237
+ <loc>https://www.vodafone.pt/business/v-hub/explorar/tecnologia/a-cloud-nao-e-apenas-um-armazem-e-um-centro-de-inteligencia-de-negocio.html</loc>
2238
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2239
+ <priority>0.33</priority>
2240
+ </url>
2241
+ <url>
2242
+ <loc>https://www.vodafone.pt/business/solucoes/smart-cities.html</loc>
2243
+ <lastmod>2023-11-17T05:14:38+00:00</lastmod>
2244
+ <priority>0.33</priority>
2245
+ </url>
2246
+
2247
+
2248
+ </urlset>
testbhe.ipynb ADDED
@@ -0,0 +1,218 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "cell_type": "code",
5
+ "execution_count": 5,
6
+ "metadata": {},
7
+ "outputs": [
8
+ {
9
+ "name": "stderr",
10
+ "output_type": "stream",
11
+ "text": [
12
+ "/home/pedro/.local/lib/python3.10/site-packages/urllib3/connectionpool.py:1045: InsecureRequestWarning: Unverified HTTPS request is being made to host 'www.vodafone.pt'. Adding certificate verification is strongly advised. See: https://urllib3.readthedocs.io/en/1.26.x/advanced-usage.html#ssl-warnings\n",
13
+ " warnings.warn(\n",
14
+ "Fetching pages: 9%|8 | 120/1361 [00:26<03:06, 6.64it/s]Error fetching https://www.vodafone.pt/ajuda/artigos/servicos-apps/seguranca-informatica/o-que-e-um-csirt.html with attempt 1/3: Server disconnected. Retrying...\n",
15
+ "Fetching pages: 100%|##########| 1361/1361 [03:41<00:00, 6.16it/s]\n"
16
+ ]
17
+ }
18
+ ],
19
+ "source": [
20
+ "import nest_asyncio\n",
21
+ "\n",
22
+ "nest_asyncio.apply()\n",
23
+ "\n",
24
+ "from langchain.document_loaders import SitemapLoader\n",
25
+ "\n",
26
+ "from bs4 import BeautifulSoup\n",
27
+ "\n",
28
+ "import re\n",
29
+ "\n",
30
+ "# Wrap the function in a list\n",
31
+ "filter_urls = ['^http(s)?://(www\\.)?vodafone.(pt)/(ajuda)/(artigos).*$'] #apenas https://www.vodafone.pt/ajuda/artigos/...\n",
32
+ "\n",
33
+ "\n",
34
+ "sitemap_loader = SitemapLoader(\n",
35
+ " web_path=\"https://www.vodafone.pt/sitemap.xml\",\n",
36
+ " filter_urls=filter_urls,\n",
37
+ ")\n",
38
+ "\n",
39
+ "sitemap_loader.requests_per_second = 10\n",
40
+ "# Optional: avoid `[SSL: CERTIFICATE_VERIFY_FAILED]` issue\n",
41
+ "sitemap_loader.requests_kwargs = {\"verify\": False}\n",
42
+ "\n",
43
+ "docs = sitemap_loader.load()"
44
+ ]
45
+ },
46
+ {
47
+ "cell_type": "code",
48
+ "execution_count": 6,
49
+ "metadata": {},
50
+ "outputs": [
51
+ {
52
+ "ename": "NameError",
53
+ "evalue": "name 'docs' is not defined",
54
+ "output_type": "error",
55
+ "traceback": [
56
+ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m",
57
+ "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)",
58
+ "\u001b[1;32m/home/pedro/llama2_local/testbhe.ipynb Cell 2\u001b[0m line \u001b[0;36m1\n\u001b[0;32m----> <a href='vscode-notebook-cell://wsl%2Bubuntu/home/pedro/llama2_local/testbhe.ipynb#W1sdnNjb2RlLXJlbW90ZQ%3D%3D?line=0'>1</a>\u001b[0m docs[\u001b[39m0\u001b[39m]\n",
59
+ "\u001b[0;31mNameError\u001b[0m: name 'docs' is not defined"
60
+ ]
61
+ }
62
+ ],
63
+ "source": [
64
+ "docs[0]"
65
+ ]
66
+ },
67
+ {
68
+ "cell_type": "code",
69
+ "execution_count": 19,
70
+ "metadata": {},
71
+ "outputs": [
72
+ {
73
+ "data": {
74
+ "text/plain": [
75
+ "'\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nComo ativo ou desativo os alertas Vodafone?\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nPlease click here if you are not redirected within a few seconds.\\nSkip to content\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\xa0\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nCarrinho de compras\\n\\n{{counter ? counter : itemsNumber}}\\nitems\\n\\n\\n\\n\\n\\n\\nCarrinho\\n\\n\\n\\n\\n\\n\\nCarrinho de compras\\n\\nproduto\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{i18nLabels.basketNotEmpty}}\\n\\n\\n{{i18nLabels.reminderDescription}}\\n\\n{{i18nLabels.goToCart}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nPesquisar\\n\\n\\n\\n\\nPesquisa\\n\\n\\n\\n\\nMy Vodafone Menu\\n\\n\\n\\n\\nLogin\\n\\n{{i18nLabels.loginButton}}\\n{{i18nLabels.notOpenAgainButton}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nClose dialog\\n\\n\\n\\n\\n\\n\\n{{searchOverlayHeading}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nProcurar\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_close_dialog_span}}\\n\\n\\n\\n\\n{{login_page_title}}\\n\\n\\n\\n\\n{{login_navigation_title}}\\n\\n{{register_navigation_title}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{forgot_password_question}}\\n\\n\\n\\n{{login_name_reset_number}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{forgot_password_cancel}}\\n\\n\\n\\n\\n\\n\\n\\n\\n{{forgot_password_second_title}}\\n\\n{{forgot_password_second_text_sms}}\\n{{forgot_password_second_text_email}}\\n\\n{{forgot_password_next}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_label}}\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_form_name_label}}\\n\\n\\n\\n\\n{{login_form_password_label}}\\n\\n\\n\\n\\n\\n\\n{{login_form_remember_me}}\\n\\n\\n\\n\\n\\n\\n\\n{{login_form_recover_button}}\\n\\n\\n\\n\\n\\n\\n\\n{{login_form_back_to_login_button}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_form_activation_back_to_login_button}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_recover_password}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_form_create_user_name}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_form_create_user_email}}\\n\\n\\n{{login_form_create_email_login_text}}\\n\\n\\n{{login_form_create_user_email_confirmation}}\\n\\n\\n\\n\\n{{login_form_create_user_phone_number}}\\n\\n\\n\\n\\n\\n\\n{{login_form_create_user_password}}\\n\\n\\n\\n\\n\\n\\n{{login_form_create_user_confirm_password}}\\n\\n\\n\\n\\n{{login_form_create_user_confirm_label}}\\n\\n{{login_form_create_user_terms_conditions}}\\n\\n{{login_form_create_user_vigentes}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_form_activation_back_to_login_button}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_form_create_continue_button}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_close_dialog_span}}\\n\\n\\n\\n{{login_form_reset_title}}\\n\\n\\n\\n\\n\\n\\n{{login_form_reset_first_field}}\\n\\n\\n\\n\\n\\n{{login_form_reset_second_field}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{login_form_reset_error_validate_field_invalid_key_recover_button}}\\n\\n\\n\\n{{login_form_reset_error_validate_field_invalid_key_to_login_button}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{i18n.closeDialog}}\\n\\n\\n\\n\\n\\n{{i18n.youHaveTwoCarts}}\\n\\n\\n{{i18n.chooseOne}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{item.quantity}}{{CONSTANTS.TIMES}}\\n\\n\\n\\n\\n{{product.name}}\\n\\n\\n{{i18n.color}} {{CONSTANTS.SPACE}} {{product.color}}\\n{{i18n.storage}} {{CONSTANTS.SPACE}} {{product.storage}}\\n\\n\\n{{i18n.included}}\\n\\n\\n\\n{{formatPrice(getItemEURValue(item))}}\\n{{CONSTANTS.SPACE}} {{CONSTANTS.PLUS}} {{CONSTANTS.SPACE}} {{getItemPOINTSValue(item)}} {{CONSTANTS.SPACE}}\\n{{CONSTANTS.SPACE}}{{i18n.points}}\\n\\n\\n{{checkIfFreePrice(getItemEURValue(item),item.eshopProductDTO.variants[0].packProducts[0].productType)}}\\n\\n\\n\\n\\n\\n{{item.quantity}}{{CONSTANTS.TIMES}}\\n\\n\\n\\n\\n{{i18n.color}} {{CONSTANTS.SPACE}} {{item.eshopProductDTO.variants[0].color}}\\n\\n\\n{{i18n.storage}} {{CONSTANTS.SPACE}} {{item.eshopProductDTO.variants[0].storage}}\\n\\n\\n\\n{{formatPrice(getItemEURValue(item))}}\\n{{CONSTANTS.SPACE}} {{CONSTANTS.PLUS}} {{CONSTANTS.SPACE}} {{getItemPOINTSValue(item)}} {{CONSTANTS.SPACE}}\\n{{CONSTANTS.SPACE}}{{i18n.points}}\\n\\n\\n{{checkIfFreePrice(getItemEURValue(item),item.eshopProductDTO.productType)}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{i18n.afterSelectionDesc}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nComo ativo ou desativo os alertas Vodafone?\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nOs alertas podem ser ativados ou desativados via Portal Móvel Vodafone, Portal WAP Vodafone ou SMS.\\nConsulte a informação dos alertas específicos na área Apps e Serviços do site.\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nFollow us\\nSocial\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nContacte-nos\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nTOBi WhatsApp\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nTOBi Chat\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nFale connosco\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nSite map\\n\\n\\n\\n\\n\\nProdutos e Serviços\\n\\n\\n\\n\\nPacotes fibra\\n\\n\\n\\n\\nTarifários móveis\\n\\n\\n\\n\\nTarifa Social de Internet\\n\\n\\n\\n\\nSmartphones\\n\\n\\n\\n\\nInternet Móvel\\n\\n\\n\\n\\nVodafone Travellers\\n\\n\\n\\n\\nVodafone TV PLAY\\n\\n\\n\\n\\n\\n\\n\\n\\nDestaques\\n\\n\\n\\n\\nBlack Friday 2023\\n\\n\\n\\n\\nVodafone Fiber to the Room\\n\\n\\n\\n\\nNovidades e Promoções\\n\\n\\n\\n\\nTv em todos os ecrãs\\n\\n\\n\\n\\nPortabilidade\\n\\n\\n\\n\\nSegunda Casa\\n\\n\\n\\n\\nVodafone Solutions\\n\\n\\n\\n\\nClube Viva\\n\\n\\n\\n\\n\\n\\n\\n\\nSobre a Vodafone\\n\\n\\n\\n\\nA Vodafone\\n\\n\\n\\n\\nRede 5G\\n\\n\\n\\n\\nPress Releases\\n\\n\\n\\n\\nResponsabilidade Social\\n\\n\\n\\n\\nProjetos Financiados\\n\\n\\n\\n\\nFundação Vodafone\\n\\n\\n\\n\\nTrabalhar na Vodafone\\n\\n\\n\\n\\nVodafone Power Lab\\n\\n\\n\\n\\nDescontinuação 3G\\n\\n\\n\\n\\n\\n\\n\\n\\nSuporte\\n\\n\\n\\n\\nAjuda\\n\\n\\n\\n\\nVer Fatura\\n\\n\\n\\n\\nLojas\\n\\n\\n\\n\\nContactos\\n\\n\\n\\n\\nDownload Centre\\n\\n\\n\\n\\nComunidade Vodafone\\n\\n\\n\\n\\nEstado da encomenda\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nProdutos e Serviços\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nPacotes fibra\\n\\n\\n\\n\\nTarifários móveis\\n\\n\\n\\n\\nTarifa Social de Internet\\n\\n\\n\\n\\nSmartphones\\n\\n\\n\\n\\nInternet Móvel\\n\\n\\n\\n\\nVodafone Travellers\\n\\n\\n\\n\\nVodafone TV PLAY\\n\\n\\n\\n\\n\\n\\n\\n\\nDestaques\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nBlack Friday 2023\\n\\n\\n\\n\\nVodafone Fiber to the Room\\n\\n\\n\\n\\nNovidades e Promoções\\n\\n\\n\\n\\nTv em todos os ecrãs\\n\\n\\n\\n\\nPortabilidade\\n\\n\\n\\n\\nSegunda Casa\\n\\n\\n\\n\\nVodafone Solutions\\n\\n\\n\\n\\nClube Viva\\n\\n\\n\\n\\n\\n\\n\\n\\nSuporte\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nAjuda\\n\\n\\n\\n\\nVer Fatura\\n\\n\\n\\n\\nLojas\\n\\n\\n\\n\\nContactos\\n\\n\\n\\n\\nDownload Centre\\n\\n\\n\\n\\nComunidade Vodafone\\n\\n\\n\\n\\nEstado da encomenda\\n\\n\\n\\n\\n\\n\\n\\n\\nSobre a Vodafone\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nA Vodafone\\n\\n\\n\\n\\nRede 5G\\n\\n\\n\\n\\nPress Releases\\n\\n\\n\\n\\nResponsabilidade Social\\n\\n\\n\\n\\nProjetos Financiados\\n\\n\\n\\n\\nFundação Vodafone\\n\\n\\n\\n\\nTrabalhar na Vodafone\\n\\n\\n\\n\\nVodafone Power Lab\\n\\n\\n\\n\\nDescontinuação 3G\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\nPrivacidade\\n\\n\\n\\n\\n\\n\\nPolítica Anticorrupção\\n\\n\\n\\n\\n\\n\\nConfiguração de Cookies\\n\\n\\n\\n\\n\\n\\nFeedback\\n\\n\\n\\n\\n\\n\\nOfertas Wholesale\\n\\n\\n\\n\\n\\n\\nEnglish\\n\\n\\n\\n\\n© {{year}} {{footerText}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n{{title}}\\n\\n\\n\\n\\n{{title}}\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n\\n'"
76
+ ]
77
+ },
78
+ "execution_count": 19,
79
+ "metadata": {},
80
+ "output_type": "execute_result"
81
+ }
82
+ ],
83
+ "source": [
84
+ "import pandas as pd\n",
85
+ "bhe = pd.DataFrame(docs[0])\n",
86
+ "bhe[1][0]"
87
+ ]
88
+ },
89
+ {
90
+ "cell_type": "code",
91
+ "execution_count": 14,
92
+ "metadata": {},
93
+ "outputs": [],
94
+ "source": [
95
+ "import requests\n",
96
+ "from bs4 import BeautifulSoup\n",
97
+ "\n",
98
+ "import re\n",
99
+ "\n",
100
+ "from sklearn.feature_extraction.text import CountVectorizer\n",
101
+ "from sklearn.feature_extraction.text import TfidfTransformer\n",
102
+ "from sklearn.naive_bayes import MultinomialNB\n"
103
+ ]
104
+ },
105
+ {
106
+ "cell_type": "code",
107
+ "execution_count": 51,
108
+ "metadata": {},
109
+ "outputs": [],
110
+ "source": [
111
+ "def extrair_informacoes(url):\n",
112
+ " response = requests.get(url)\n",
113
+ " soup = BeautifulSoup(response.content, 'html.parser')\n",
114
+ " texto = soup.get_text()\n",
115
+ " return texto\n",
116
+ "\n",
117
+ "def preprocessar_texto(lista_textos):\n",
118
+ " # Result list to store preprocessed texts\n",
119
+ " resultados = []\n",
120
+ "\n",
121
+ " for texto in lista_textos:\n",
122
+ " # Remover HTML\n",
123
+ " texto = re.sub('<.*?>', '', texto)\n",
124
+ " # Converter para minúsculas\n",
125
+ " texto = texto.lower()\n",
126
+ " # Remover pontuação\n",
127
+ " texto = re.sub('[^a-zA-Z0-9 \\n\\.]', '', texto)\n",
128
+ " # Append the preprocessed text to the result list\n",
129
+ " resultados.append(texto)\n",
130
+ "\n",
131
+ " return resultados\n",
132
+ "\n",
133
+ "def treinar_modelo(texto):\n",
134
+ "\n",
135
+ " count_vect = CountVectorizer()\n",
136
+ " X_train_counts = count_vect.fit_transform(texto)\n",
137
+ "\n",
138
+ " tfidf_transformer = TfidfTransformer()\n",
139
+ " X_train_tfidf = tfidf_transformer.fit_transform(X_train_counts)\n",
140
+ "\n",
141
+ " clf = MultinomialNB().fit(X_train_tfidf, texto)\n",
142
+ " return clf\n",
143
+ "\n",
144
+ "# 5. Implementação do Chatbot\n",
145
+ "def chatbot(pergunta, modelo):\n",
146
+ " # Pré-processar a pergunta\n",
147
+ " pergunta = preprocessar_texto(pergunta)\n",
148
+ " # Usar o modelo para gerar uma resposta\n",
149
+ " resposta = modelo.predict([pergunta])\n",
150
+ " return resposta"
151
+ ]
152
+ },
153
+ {
154
+ "cell_type": "code",
155
+ "execution_count": 53,
156
+ "metadata": {},
157
+ "outputs": [],
158
+ "source": [
159
+ "um = list()\n",
160
+ "dois = list()\n",
161
+ "ext1 = extrair_informacoes('https://www.vodafone.pt/campanhas/tv-net-voz.html?c_id=Vodafone_VF-Exact-FTTH_Fixo_Google_AO_AO_Performance_Geral_na_na&c_name=bf23fixo&c_source=Google&c_medium=cpc&c_type=textads&c_phase=PF&c_goal=LE&c_product=FIXO&c_subproduct=Geral&c_vtype=na&c_term=na&gad_source=1&gclid=CjwKCAiAx_GqBhBQEiwAlDNAZmD1xHxEoAXzEfF9DiLYsXvRROkMihHD6d-uMozTUFhn5z44GS0g1BoCqm4QAvD_BwE')\n",
162
+ "ext2 = extrair_informacoes('https://www.vodafone.pt')\n",
163
+ "um.insert(0,ext1)\n",
164
+ "um.insert(1,ext1)\n",
165
+ "dois = preprocessar_texto(um)\n",
166
+ "\n",
167
+ "tres = treinar_modelo(dois)\n"
168
+ ]
169
+ },
170
+ {
171
+ "cell_type": "code",
172
+ "execution_count": 55,
173
+ "metadata": {},
174
+ "outputs": [
175
+ {
176
+ "ename": "ValueError",
177
+ "evalue": "dtype='numeric' is not compatible with arrays of bytes/strings.Convert your data to numeric values explicitly instead.",
178
+ "output_type": "error",
179
+ "traceback": [
180
+ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m",
181
+ "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)",
182
+ "\u001b[1;32m/home/pedro/llama2_local/testbhe.ipynb Cell 7\u001b[0m line \u001b[0;36m1\n\u001b[0;32m----> <a href='vscode-notebook-cell://wsl%2Bubuntu/home/pedro/llama2_local/testbhe.ipynb#X16sdnNjb2RlLXJlbW90ZQ%3D%3D?line=0'>1</a>\u001b[0m chatbot(\u001b[39m'\u001b[39;49m\u001b[39mA vodafone é fixe?\u001b[39;49m\u001b[39m'\u001b[39;49m, tres)\n",
183
+ "\u001b[1;32m/home/pedro/llama2_local/testbhe.ipynb Cell 7\u001b[0m line \u001b[0;36m3\n\u001b[1;32m <a href='vscode-notebook-cell://wsl%2Bubuntu/home/pedro/llama2_local/testbhe.ipynb#X16sdnNjb2RlLXJlbW90ZQ%3D%3D?line=36'>37</a>\u001b[0m pergunta \u001b[39m=\u001b[39m preprocessar_texto(pergunta)\n\u001b[1;32m <a href='vscode-notebook-cell://wsl%2Bubuntu/home/pedro/llama2_local/testbhe.ipynb#X16sdnNjb2RlLXJlbW90ZQ%3D%3D?line=37'>38</a>\u001b[0m \u001b[39m# Usar o modelo para gerar uma resposta\u001b[39;00m\n\u001b[0;32m---> <a href='vscode-notebook-cell://wsl%2Bubuntu/home/pedro/llama2_local/testbhe.ipynb#X16sdnNjb2RlLXJlbW90ZQ%3D%3D?line=38'>39</a>\u001b[0m resposta \u001b[39m=\u001b[39m modelo\u001b[39m.\u001b[39;49mpredict([pergunta])\n\u001b[1;32m <a href='vscode-notebook-cell://wsl%2Bubuntu/home/pedro/llama2_local/testbhe.ipynb#X16sdnNjb2RlLXJlbW90ZQ%3D%3D?line=39'>40</a>\u001b[0m \u001b[39mreturn\u001b[39;00m resposta\n",
184
+ "File \u001b[0;32m~/.local/lib/python3.10/site-packages/sklearn/naive_bayes.py:101\u001b[0m, in \u001b[0;36m_BaseNB.predict\u001b[0;34m(self, X)\u001b[0m\n\u001b[1;32m 87\u001b[0m \u001b[39m\u001b[39m\u001b[39m\"\"\"\u001b[39;00m\n\u001b[1;32m 88\u001b[0m \u001b[39mPerform classification on an array of test vectors X.\u001b[39;00m\n\u001b[1;32m 89\u001b[0m \n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 98\u001b[0m \u001b[39m Predicted target values for X.\u001b[39;00m\n\u001b[1;32m 99\u001b[0m \u001b[39m\"\"\"\u001b[39;00m\n\u001b[1;32m 100\u001b[0m check_is_fitted(\u001b[39mself\u001b[39m)\n\u001b[0;32m--> 101\u001b[0m X \u001b[39m=\u001b[39m \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49m_check_X(X)\n\u001b[1;32m 102\u001b[0m jll \u001b[39m=\u001b[39m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39m_joint_log_likelihood(X)\n\u001b[1;32m 103\u001b[0m \u001b[39mreturn\u001b[39;00m \u001b[39mself\u001b[39m\u001b[39m.\u001b[39mclasses_[np\u001b[39m.\u001b[39margmax(jll, axis\u001b[39m=\u001b[39m\u001b[39m1\u001b[39m)]\n",
185
+ "File \u001b[0;32m~/.local/lib/python3.10/site-packages/sklearn/naive_bayes.py:574\u001b[0m, in \u001b[0;36m_BaseDiscreteNB._check_X\u001b[0;34m(self, X)\u001b[0m\n\u001b[1;32m 572\u001b[0m \u001b[39mdef\u001b[39;00m \u001b[39m_check_X\u001b[39m(\u001b[39mself\u001b[39m, X):\n\u001b[1;32m 573\u001b[0m \u001b[39m \u001b[39m\u001b[39m\"\"\"Validate X, used only in predict* methods.\"\"\"\u001b[39;00m\n\u001b[0;32m--> 574\u001b[0m \u001b[39mreturn\u001b[39;00m \u001b[39mself\u001b[39;49m\u001b[39m.\u001b[39;49m_validate_data(X, accept_sparse\u001b[39m=\u001b[39;49m\u001b[39m\"\u001b[39;49m\u001b[39mcsr\u001b[39;49m\u001b[39m\"\u001b[39;49m, reset\u001b[39m=\u001b[39;49m\u001b[39mFalse\u001b[39;49;00m)\n",
186
+ "File \u001b[0;32m~/.local/lib/python3.10/site-packages/sklearn/base.py:605\u001b[0m, in \u001b[0;36mBaseEstimator._validate_data\u001b[0;34m(self, X, y, reset, validate_separately, cast_to_ndarray, **check_params)\u001b[0m\n\u001b[1;32m 603\u001b[0m out \u001b[39m=\u001b[39m X, y\n\u001b[1;32m 604\u001b[0m \u001b[39melif\u001b[39;00m \u001b[39mnot\u001b[39;00m no_val_X \u001b[39mand\u001b[39;00m no_val_y:\n\u001b[0;32m--> 605\u001b[0m out \u001b[39m=\u001b[39m check_array(X, input_name\u001b[39m=\u001b[39;49m\u001b[39m\"\u001b[39;49m\u001b[39mX\u001b[39;49m\u001b[39m\"\u001b[39;49m, \u001b[39m*\u001b[39;49m\u001b[39m*\u001b[39;49mcheck_params)\n\u001b[1;32m 606\u001b[0m \u001b[39melif\u001b[39;00m no_val_X \u001b[39mand\u001b[39;00m \u001b[39mnot\u001b[39;00m no_val_y:\n\u001b[1;32m 607\u001b[0m out \u001b[39m=\u001b[39m _check_y(y, \u001b[39m*\u001b[39m\u001b[39m*\u001b[39mcheck_params)\n",
187
+ "File \u001b[0;32m~/.local/lib/python3.10/site-packages/sklearn/utils/validation.py:946\u001b[0m, in \u001b[0;36mcheck_array\u001b[0;34m(array, accept_sparse, accept_large_sparse, dtype, order, copy, force_all_finite, ensure_2d, allow_nd, ensure_min_samples, ensure_min_features, estimator, input_name)\u001b[0m\n\u001b[1;32m 938\u001b[0m \u001b[39mraise\u001b[39;00m \u001b[39mValueError\u001b[39;00m(\n\u001b[1;32m 939\u001b[0m \u001b[39m\"\u001b[39m\u001b[39mExpected 2D array, got 1D array instead:\u001b[39m\u001b[39m\\n\u001b[39;00m\u001b[39marray=\u001b[39m\u001b[39m{}\u001b[39;00m\u001b[39m.\u001b[39m\u001b[39m\\n\u001b[39;00m\u001b[39m\"\u001b[39m\n\u001b[1;32m 940\u001b[0m \u001b[39m\"\u001b[39m\u001b[39mReshape your data either using array.reshape(-1, 1) if \u001b[39m\u001b[39m\"\u001b[39m\n\u001b[1;32m 941\u001b[0m \u001b[39m\"\u001b[39m\u001b[39myour data has a single feature or array.reshape(1, -1) \u001b[39m\u001b[39m\"\u001b[39m\n\u001b[1;32m 942\u001b[0m \u001b[39m\"\u001b[39m\u001b[39mif it contains a single sample.\u001b[39m\u001b[39m\"\u001b[39m\u001b[39m.\u001b[39mformat(array)\n\u001b[1;32m 943\u001b[0m )\n\u001b[1;32m 945\u001b[0m \u001b[39mif\u001b[39;00m dtype_numeric \u001b[39mand\u001b[39;00m \u001b[39mhasattr\u001b[39m(array\u001b[39m.\u001b[39mdtype, \u001b[39m\"\u001b[39m\u001b[39mkind\u001b[39m\u001b[39m\"\u001b[39m) \u001b[39mand\u001b[39;00m array\u001b[39m.\u001b[39mdtype\u001b[39m.\u001b[39mkind \u001b[39min\u001b[39;00m \u001b[39m\"\u001b[39m\u001b[39mUSV\u001b[39m\u001b[39m\"\u001b[39m:\n\u001b[0;32m--> 946\u001b[0m \u001b[39mraise\u001b[39;00m \u001b[39mValueError\u001b[39;00m(\n\u001b[1;32m 947\u001b[0m \u001b[39m\"\u001b[39m\u001b[39mdtype=\u001b[39m\u001b[39m'\u001b[39m\u001b[39mnumeric\u001b[39m\u001b[39m'\u001b[39m\u001b[39m is not compatible with arrays of bytes/strings.\u001b[39m\u001b[39m\"\u001b[39m\n\u001b[1;32m 948\u001b[0m \u001b[39m\"\u001b[39m\u001b[39mConvert your data to numeric values explicitly instead.\u001b[39m\u001b[39m\"\u001b[39m\n\u001b[1;32m 949\u001b[0m )\n\u001b[1;32m 950\u001b[0m \u001b[39mif\u001b[39;00m \u001b[39mnot\u001b[39;00m allow_nd \u001b[39mand\u001b[39;00m array\u001b[39m.\u001b[39mndim \u001b[39m>\u001b[39m\u001b[39m=\u001b[39m \u001b[39m3\u001b[39m:\n\u001b[1;32m 951\u001b[0m \u001b[39mraise\u001b[39;00m \u001b[39mValueError\u001b[39;00m(\n\u001b[1;32m 952\u001b[0m \u001b[39m\"\u001b[39m\u001b[39mFound array with dim \u001b[39m\u001b[39m%d\u001b[39;00m\u001b[39m. \u001b[39m\u001b[39m%s\u001b[39;00m\u001b[39m expected <= 2.\u001b[39m\u001b[39m\"\u001b[39m\n\u001b[1;32m 953\u001b[0m \u001b[39m%\u001b[39m (array\u001b[39m.\u001b[39mndim, estimator_name)\n\u001b[1;32m 954\u001b[0m )\n",
188
+ "\u001b[0;31mValueError\u001b[0m: dtype='numeric' is not compatible with arrays of bytes/strings.Convert your data to numeric values explicitly instead."
189
+ ]
190
+ }
191
+ ],
192
+ "source": [
193
+ "chatbot('A vodafone é fixe?', tres)"
194
+ ]
195
+ }
196
+ ],
197
+ "metadata": {
198
+ "kernelspec": {
199
+ "display_name": "Python 3",
200
+ "language": "python",
201
+ "name": "python3"
202
+ },
203
+ "language_info": {
204
+ "codemirror_mode": {
205
+ "name": "ipython",
206
+ "version": 3
207
+ },
208
+ "file_extension": ".py",
209
+ "mimetype": "text/x-python",
210
+ "name": "python",
211
+ "nbconvert_exporter": "python",
212
+ "pygments_lexer": "ipython3",
213
+ "version": "3.10.12"
214
+ }
215
+ },
216
+ "nbformat": 4,
217
+ "nbformat_minor": 2
218
+ }
urls.txt ADDED
The diff for this file is too large to render. See raw diff