hibalaz commited on
Commit
28635a8
1 Parent(s): 3269fb7

Upload 21 files

Browse files
app.py ADDED
@@ -0,0 +1,183 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import gradio as gr
2
+ from sentence_transformers import SentenceTransformer, util
3
+ import openai
4
+ import os
5
+ import os
6
+ os.environ["TOKENIZERS_PARALLELISM"] = "false"
7
+
8
+
9
+ # Initialize paths and model identifiers for easy configuration and maintenance
10
+ filename = "output_country_details.txt" # Path to the file storing country-specific details
11
+ retrieval_model_name = 'output/sentence-transformer-finetuned/'
12
+
13
+ openai.api_key = 'sk-proj-oVA5iQ69wntu3ip4dgQRT3BlbkFJ1rV3jBBZfyC3oGBeMujI'
14
+
15
+
16
+
17
+ # Attempt to load the necessary models and provide feedback on success or failure
18
+ try:
19
+ retrieval_model = SentenceTransformer(retrieval_model_name)
20
+ print("Models loaded successfully.")
21
+ except Exception as e:
22
+ print(f"Failed to load models: {e}")
23
+
24
+ def load_and_preprocess_text(filename):
25
+ """
26
+ Load and preprocess text from a file, removing empty lines and stripping whitespace.
27
+ """
28
+ try:
29
+ with open(filename, 'r', encoding='utf-8') as file:
30
+ segments = [line.strip() for line in file if line.strip()]
31
+ print("Text loaded and preprocessed successfully.")
32
+ return segments
33
+ except Exception as e:
34
+ print(f"Failed to load or preprocess text: {e}")
35
+ return []
36
+
37
+ segments = load_and_preprocess_text(filename)
38
+
39
+ def find_relevant_segment(user_query, segments):
40
+ """
41
+ Find the most relevant text segment for a user's query using cosine similarity among sentence embeddings.
42
+ This version tries to match country names in the query with those in the segments.
43
+ """
44
+ try:
45
+ # Lowercase the query for better matching
46
+ lower_query = user_query.lower()
47
+ # Filter segments to include only those containing country names mentioned in the query
48
+ country_segments = [seg for seg in segments if any(country.lower() in seg.lower() for country in ['Guatemala', 'Mexico', 'U.S.', 'United States'])]
49
+
50
+ # If no specific country segments found, default to general matching
51
+ if not country_segments:
52
+ country_segments = segments
53
+
54
+ query_embedding = retrieval_model.encode(lower_query)
55
+ segment_embeddings = retrieval_model.encode(country_segments)
56
+ similarities = util.pytorch_cos_sim(query_embedding, segment_embeddings)[0]
57
+ best_idx = similarities.argmax()
58
+ return country_segments[best_idx]
59
+ except Exception as e:
60
+ print(f"Error in finding relevant segment: {e}")
61
+ return ""
62
+
63
+
64
+ def generate_response(user_query, relevant_segment):
65
+ """
66
+ Generate a response emphasizing the bot's capability in providing country-specific visa information.
67
+ """
68
+ try:
69
+ system_message = "You are a visa chatbot specialized in providing country-specific visa requirement information."
70
+ user_message = f"Here's the information on visa requirements for your query: {relevant_segment}"
71
+ messages = [
72
+ {"role": "system", "content": system_message},
73
+ {"role": "user", "content": user_message}
74
+ ]
75
+ response = openai.ChatCompletion.create(
76
+ model="gpt-4-turbo", # Verify model name
77
+ messages=messages,
78
+ max_tokens=150,
79
+ temperature=0.2,
80
+ top_p=1,
81
+ frequency_penalty=0,
82
+ presence_penalty=0
83
+ )
84
+ return response['choices'][0]['message']['content'].strip()
85
+ except Exception as e:
86
+ print(f"Error in generating response: {e}")
87
+ return f"Error in generating response: {e}"
88
+
89
+
90
+
91
+
92
+ # Define and configure the Gradio application interface to interact with users.
93
+ # Define and configure the Gradio application interface to interact with users.
94
+ def query_model(question):
95
+ """
96
+ Process a question, find relevant information, and generate a response, specifically for U.S. visa questions.
97
+ """
98
+ if question == "":
99
+ return "Welcome to VisaBot! Ask me anything about U.S. visa processes."
100
+ relevant_segment = find_relevant_segment(question, segments)
101
+ if not relevant_segment:
102
+ return "Could not find U.S.-specific information. Please refine your question."
103
+ response = generate_response(question, relevant_segment)
104
+ return response
105
+
106
+
107
+
108
+
109
+ # Define the welcome message and specific topics and countries the chatbot can provide information about.
110
+ welcome_message = """
111
+ # Welcome to VISABOT!
112
+
113
+ ## Your AI-driven visa assistant for all travel-related queries.
114
+ """
115
+
116
+ topics = """
117
+ ### Feel Free to ask me anything from the topics below!
118
+ - Visa issuance
119
+ - Documents needed
120
+ - Application process
121
+ - Processing time
122
+ - Recommended Vaccines
123
+ - Health Risks
124
+ - Healthcare Facilities
125
+ - Currency Information
126
+ - Embassy Information
127
+ - Allowed stay
128
+ """
129
+
130
+ countries = """
131
+ ### Our chatbot can currently answer questions for these countries!
132
+ - 🇨🇳 China
133
+ - 🇫🇷 France
134
+ - 🇬🇹 Guatemala
135
+ - 🇱🇧 Lebanon
136
+ - 🇲🇽 Mexico
137
+ - 🇵🇭 Philippines
138
+ - 🇷🇸 Serbia
139
+ - 🇸🇱 Sierra Leone
140
+ - 🇿🇦 South Africa
141
+ - 🇻🇳 Vietnam
142
+ """
143
+
144
+ # Define and configure the Gradio application interface to interact with users.
145
+ def query_model(question):
146
+ """
147
+ Process a question, find relevant information, and generate a response.
148
+
149
+ Args:
150
+ question (str): User's input question.
151
+
152
+ Returns:
153
+ str: Generated response or a default welcome message if no question is provided.
154
+ """
155
+ if question == "":
156
+ return welcome_message
157
+ relevant_segment = find_relevant_segment(question, segments)
158
+ response = generate_response(question, relevant_segment)
159
+ return response
160
+
161
+
162
+
163
+
164
+ # Setup the Gradio Blocks interface with custom layout components
165
+ with gr.Blocks() as demo:
166
+ gr.Markdown(welcome_message) # Display the formatted welcome message
167
+ with gr.Row():
168
+ with gr.Column():
169
+ gr.Markdown(topics) # Show the topics on the left side
170
+ with gr.Column():
171
+ gr.Markdown(countries) # Display the list of countries on the right side
172
+ with gr.Row():
173
+ img = gr.Image(os.path.join(os.getcwd(), "final.png"), width=500) # Include an image for visual appeal
174
+ with gr.Row():
175
+ with gr.Column():
176
+ question = gr.Textbox(label="Your question", placeholder="What do you want to ask about?")
177
+ answer = gr.Textbox(label="VisaBot Response", placeholder="VisaBot will respond here...", interactive=False, lines=10)
178
+ submit_button = gr.Button("Submit")
179
+ submit_button.click(fn=query_model, inputs=question, outputs=answer)
180
+
181
+ # Launch the Gradio app to allow user interaction
182
+ demo.launch(share= True)
183
+
final.png ADDED
model_evaluation.py ADDED
@@ -0,0 +1,171 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import pandas as pd
2
+ from datasets import Dataset
3
+ from transformers import pipeline, GPT2Tokenizer
4
+ from sentence_transformers import SentenceTransformer, util
5
+
6
+ # Define paths and models
7
+ filename = "output_country_details.txt"
8
+ retrieval_model_name = 'output/sentence-transformer-finetuned/' #using a prefine-tuned model
9
+ gpt2_model_name = "gpt2"
10
+ csv_file_path = "train_dataset.csv"
11
+ output_csv_file_path = "updated_train_dataset.csv"
12
+ val_csv_file_path = "val_dataset.csv"
13
+ output_val_csv_file_path = "updated_val_csv.csv"
14
+
15
+ tokenizer = GPT2Tokenizer.from_pretrained(gpt2_model_name)
16
+
17
+ # Initialize models
18
+ try:
19
+ retrieval_model = SentenceTransformer(retrieval_model_name)
20
+ gpt_model = pipeline("text-generation", model=gpt2_model_name)
21
+ print("Models loaded successfully.")
22
+ except Exception as e:
23
+ print(f"Failed to load models: {e}")
24
+
25
+ def load_and_preprocess_text(filename):
26
+ """
27
+ Load and preprocess text data from a file.
28
+
29
+ Parameters:
30
+ - filename (str): Path to the text file.
31
+
32
+ Returns:
33
+ - list[str]: A list of preprocessed text segments.
34
+ """
35
+ try:
36
+ with open(filename, 'r', encoding='utf-8') as file:
37
+ segments = [line.strip() for line in file if line.strip()]
38
+ print("Text loaded and preprocessed successfully.")
39
+ return segments
40
+ except Exception as e:
41
+ print(f"Failed to load or preprocess text: {e}")
42
+ return []
43
+
44
+ segments = load_and_preprocess_text(filename)
45
+
46
+ def find_relevant_segment(user_query, segments):
47
+ """
48
+ Find the most relevant text segment based on a user query.
49
+
50
+ Parameters:
51
+ - user_query (str): The user's query.
52
+ - segments (list[str]): List of text segments to search within.
53
+
54
+ Returns:
55
+ - str: The most relevant text segment.
56
+ """
57
+ try:
58
+ query_embedding = retrieval_model.encode(user_query)
59
+ segment_embeddings = retrieval_model.encode(segments)
60
+ similarities = util.pytorch_cos_sim(query_embedding, segment_embeddings)[0]
61
+ best_idx = similarities.argmax()
62
+ return segments[best_idx]
63
+ except Exception as e:
64
+ print(f"Error finding relevant segment: {e}")
65
+ return ""
66
+
67
+ def generate_response(question):
68
+ """
69
+ Generate a response to a given question by finding a relevant text segment and
70
+ using it to generate a more complete answer.
71
+
72
+ Parameters:
73
+ - question (str): The user's question.
74
+
75
+ Returns:
76
+ - str: Generated response.
77
+ """
78
+ relevant_segment = find_relevant_segment(question, segments)
79
+ return generate_response_with_context(question, relevant_segment)
80
+
81
+ def generate_response_with_context(user_query, relevant_segment):
82
+ """
83
+ Generate a response based on a user query and a relevant segment.
84
+
85
+ Parameters:
86
+ - user_query (str): The user's query.
87
+ - relevant_segment (str): A relevant fact or detail.
88
+
89
+ Returns:
90
+ - str: Formatted response incorporating the relevant segment.
91
+ """
92
+ try:
93
+ prompt = f"Thank you for your question! Here is an additional fact about your topic: {relevant_segment}"
94
+ max_tokens = len(tokenizer(prompt)['input_ids']) + 50
95
+ response = gpt_model(prompt, max_length=max_tokens, temperature=0.25)[0]['generated_text']
96
+ return clean_up_response(response, relevant_segment)
97
+ except Exception as e:
98
+ print(f"Error generating response: {e}")
99
+ return ""
100
+
101
+ def clean_up_response(response, segment):
102
+ """
103
+ Clean up the generated response to ensure it is tidy and presentable.
104
+
105
+ Parameters:
106
+ - response (str): The initial response generated by the model.
107
+ - segment (str): The segment used to generate the response.
108
+
109
+ Returns:
110
+ - str: A cleaned and formatted response.
111
+ """
112
+ sentences = response.split('.')
113
+ cleaned_sentences = [sentence.strip() for sentence in sentences if sentence.strip() and sentence.strip() not in segment]
114
+ cleaned_response = '. '.join(cleaned_sentences).strip()
115
+ if cleaned_response and not cleaned_response.endswith((".", "!", "?")):
116
+ cleaned_response += "."
117
+ return cleaned_response
118
+
119
+ def process_dataset(csv_file_path, output_csv_file_path):
120
+ """
121
+ Process the dataset by generating responses and evaluating their similarities.
122
+
123
+ Parameters:
124
+ - csv_file_path (str): Path to the CSV file containing the dataset.
125
+ - output_csv_file_path (str): Path where the updated dataset will be saved.
126
+
127
+ Prints:
128
+ - Path to the saved results and the average similarity score.
129
+ """
130
+ df = pd.read_csv(csv_file_path)
131
+ dataset = Dataset.from_pandas(df)
132
+ updated_dataset = add_model_answers(dataset)
133
+ similarities = evaluate_similarity(updated_dataset)
134
+ updated_dataset = updated_dataset.add_column("similarity", similarities)
135
+ results_df = updated_dataset.to_pandas()
136
+ results_df.to_csv(output_csv_file_path, index=False)
137
+ average_similarity = sum(similarities) / len(similarities) if similarities else 0
138
+ print(f"Results saved to {output_csv_file_path}")
139
+ print(f"Average Similarity Score: {average_similarity:.3f}")
140
+
141
+ def add_model_answers(dataset):
142
+ """
143
+ Add generated answers to the dataset.
144
+
145
+ Parameters:
146
+ - dataset (datasets.Dataset): The Hugging Face dataset object.
147
+
148
+ Returns:
149
+ - datasets.Dataset: Updated dataset with added answers.
150
+ """
151
+ answers = [generate_response(q) for q in dataset['Question']]
152
+ dataset = dataset.add_column("Answer", answers)
153
+ return dataset
154
+
155
+ def evaluate_similarity(dataset):
156
+ """
157
+ Evaluate the similarity of generated answers against ground truth answers.
158
+
159
+ Parameters:
160
+ - dataset (datasets.Dataset): The dataset containing both answers and ground truths.
161
+
162
+ Returns:
163
+ - list[float]: List of similarity scores.
164
+ """
165
+ similarities = [util.pytorch_cos_sim(retrieval_model.encode(ans), retrieval_model.encode(gt))[0][0].item()
166
+ for ans, gt in zip(dataset['Answer'], dataset['GroundTruth'])]
167
+ return similarities
168
+
169
+ # Process datasets
170
+ process_dataset(csv_file_path, output_csv_file_path)
171
+ process_dataset(val_csv_file_path, output_val_csv_file_path)
output/.DS_Store ADDED
Binary file (6.15 kB). View file
 
output/sentence-transformer-finetuned.zip ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f96b8ce2ece5d1c766d1169b278147d4f509326274d50725663061b7c4e0c5d3
3
+ size 83608461
output/sentence-transformer-finetuned/1_Pooling/config.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 384,
3
+ "pooling_mode_cls_token": false,
4
+ "pooling_mode_mean_tokens": true,
5
+ "pooling_mode_max_tokens": false,
6
+ "pooling_mode_mean_sqrt_len_tokens": false,
7
+ "pooling_mode_weightedmean_tokens": false,
8
+ "pooling_mode_lasttoken": false,
9
+ "include_prompt": true
10
+ }
output/sentence-transformer-finetuned/README.md ADDED
@@ -0,0 +1,89 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: sentence-transformers
3
+ pipeline_tag: sentence-similarity
4
+ tags:
5
+ - sentence-transformers
6
+ - feature-extraction
7
+ - sentence-similarity
8
+
9
+ ---
10
+
11
+ # {MODEL_NAME}
12
+
13
+ This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 384 dimensional dense vector space and can be used for tasks like clustering or semantic search.
14
+
15
+ <!--- Describe your model here -->
16
+
17
+ ## Usage (Sentence-Transformers)
18
+
19
+ Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
20
+
21
+ ```
22
+ pip install -U sentence-transformers
23
+ ```
24
+
25
+ Then you can use the model like this:
26
+
27
+ ```python
28
+ from sentence_transformers import SentenceTransformer
29
+ sentences = ["This is an example sentence", "Each sentence is converted"]
30
+
31
+ model = SentenceTransformer('{MODEL_NAME}')
32
+ embeddings = model.encode(sentences)
33
+ print(embeddings)
34
+ ```
35
+
36
+
37
+
38
+ ## Evaluation Results
39
+
40
+ <!--- Describe how your model was evaluated -->
41
+
42
+ For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
43
+
44
+
45
+ ## Training
46
+ The model was trained with the parameters:
47
+
48
+ **DataLoader**:
49
+
50
+ `torch.utils.data.dataloader.DataLoader` of length 51 with parameters:
51
+ ```
52
+ {'batch_size': 16, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
53
+ ```
54
+
55
+ **Loss**:
56
+
57
+ `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss`
58
+
59
+ Parameters of the fit()-Method:
60
+ ```
61
+ {
62
+ "epochs": 4,
63
+ "evaluation_steps": 0,
64
+ "evaluator": "NoneType",
65
+ "max_grad_norm": 1,
66
+ "optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
67
+ "optimizer_params": {
68
+ "lr": 2e-05
69
+ },
70
+ "scheduler": "WarmupLinear",
71
+ "steps_per_epoch": null,
72
+ "warmup_steps": 100,
73
+ "weight_decay": 0.01
74
+ }
75
+ ```
76
+
77
+
78
+ ## Full Model Architecture
79
+ ```
80
+ SentenceTransformer(
81
+ (0): Transformer({'max_seq_length': 256, 'do_lower_case': False}) with Transformer model: BertModel
82
+ (1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False, 'include_prompt': True})
83
+ (2): Normalize()
84
+ )
85
+ ```
86
+
87
+ ## Citing & Authors
88
+
89
+ <!--- Describe where people can find more information -->
output/sentence-transformer-finetuned/config.json ADDED
@@ -0,0 +1,26 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "sentence-transformers/all-MiniLM-L6-v2",
3
+ "architectures": [
4
+ "BertModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "classifier_dropout": null,
8
+ "gradient_checkpointing": false,
9
+ "hidden_act": "gelu",
10
+ "hidden_dropout_prob": 0.1,
11
+ "hidden_size": 384,
12
+ "initializer_range": 0.02,
13
+ "intermediate_size": 1536,
14
+ "layer_norm_eps": 1e-12,
15
+ "max_position_embeddings": 512,
16
+ "model_type": "bert",
17
+ "num_attention_heads": 12,
18
+ "num_hidden_layers": 6,
19
+ "pad_token_id": 0,
20
+ "position_embedding_type": "absolute",
21
+ "torch_dtype": "float32",
22
+ "transformers_version": "4.39.3",
23
+ "type_vocab_size": 2,
24
+ "use_cache": true,
25
+ "vocab_size": 30522
26
+ }
output/sentence-transformer-finetuned/config_sentence_transformers.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.0.0",
4
+ "transformers": "4.6.1",
5
+ "pytorch": "1.8.1"
6
+ },
7
+ "prompts": {},
8
+ "default_prompt_name": null
9
+ }
output/sentence-transformer-finetuned/model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6e55e6c6bb6150eed6b877a2ae6a897cfcfe236c6395cee0e7f5b952541954cf
3
+ size 90864192
output/sentence-transformer-finetuned/modules.json ADDED
@@ -0,0 +1,20 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [
2
+ {
3
+ "idx": 0,
4
+ "name": "0",
5
+ "path": "",
6
+ "type": "sentence_transformers.models.Transformer"
7
+ },
8
+ {
9
+ "idx": 1,
10
+ "name": "1",
11
+ "path": "1_Pooling",
12
+ "type": "sentence_transformers.models.Pooling"
13
+ },
14
+ {
15
+ "idx": 2,
16
+ "name": "2",
17
+ "path": "2_Normalize",
18
+ "type": "sentence_transformers.models.Normalize"
19
+ }
20
+ ]
output/sentence-transformer-finetuned/sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 256,
3
+ "do_lower_case": false
4
+ }
output/sentence-transformer-finetuned/special_tokens_map.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": {
3
+ "content": "[CLS]",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "mask_token": {
10
+ "content": "[MASK]",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": {
17
+ "content": "[PAD]",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "sep_token": {
24
+ "content": "[SEP]",
25
+ "lstrip": false,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ },
30
+ "unk_token": {
31
+ "content": "[UNK]",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false
36
+ }
37
+ }
output/sentence-transformer-finetuned/tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
output/sentence-transformer-finetuned/tokenizer_config.json ADDED
@@ -0,0 +1,64 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "[PAD]",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": true
10
+ },
11
+ "100": {
12
+ "content": "[UNK]",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false,
17
+ "special": true
18
+ },
19
+ "101": {
20
+ "content": "[CLS]",
21
+ "lstrip": false,
22
+ "normalized": false,
23
+ "rstrip": false,
24
+ "single_word": false,
25
+ "special": true
26
+ },
27
+ "102": {
28
+ "content": "[SEP]",
29
+ "lstrip": false,
30
+ "normalized": false,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": true
34
+ },
35
+ "103": {
36
+ "content": "[MASK]",
37
+ "lstrip": false,
38
+ "normalized": false,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": true
42
+ }
43
+ },
44
+ "clean_up_tokenization_spaces": true,
45
+ "cls_token": "[CLS]",
46
+ "do_basic_tokenize": true,
47
+ "do_lower_case": true,
48
+ "mask_token": "[MASK]",
49
+ "max_length": 128,
50
+ "model_max_length": 512,
51
+ "never_split": null,
52
+ "pad_to_multiple_of": null,
53
+ "pad_token": "[PAD]",
54
+ "pad_token_type_id": 0,
55
+ "padding_side": "right",
56
+ "sep_token": "[SEP]",
57
+ "stride": 0,
58
+ "strip_accents": null,
59
+ "tokenize_chinese_chars": true,
60
+ "tokenizer_class": "BertTokenizer",
61
+ "truncation_side": "right",
62
+ "truncation_strategy": "longest_first",
63
+ "unk_token": "[UNK]"
64
+ }
output/sentence-transformer-finetuned/vocab.txt ADDED
The diff for this file is too large to render. See raw diff
 
output_country_details.txt ADDED
@@ -0,0 +1,139 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Country: China
2
+
3
+ Documents needed: Travelers to China are required to present a valid passport, which must retain its validity for a minimum duration of six months beyond their date of entry into the country. Additionally, the application process mandates the submission of a duly completed visa application form, a number of passport-sized photographs that adhere to the specified dimensions and background color, a credible demonstration of accommodation arrangements throughout the stay, a comprehensive declaration of sufficient financial resources to cover the expenses of the trip, a detailed travel itinerary, and, if deemed necessary, an invitation letter from a host within the country.
4
+ Visa issuance: A visa is a compulsory requirement for all types of visits to China, regardless of the purpose or duration. Applicants are required to secure this visa in advance of their travel, by applying directly to a Chinese embassy or consulate.
5
+ Application process: The process involves submitting a visa application form alongside the required documents to the closest Chinese embassy or consulate, adhering to the specific guidelines and requirements outlined for the visa application.
6
+ Processing time: The timeframe for visa processing is subject to variation, contingent upon the specific visa category being applied for and the current workload at the respective embassy or consulate where the application is submitted.
7
+ Recommended Vaccines: Visitors are advised to be up-to-date with routine vaccinations and consider receiving immunizations for Hepatitis A, Hepatitis B, Typhoid, Japanese Encephalitis (particularly if visiting rural areas), and Rabies (specifically recommended for certain groups of travelers).
8
+ Health Risks: The prevalent health concerns in China include exposure to air pollution in urban areas, risks of contracting Dengue fever, Zika virus, Avian influenza (commonly referred to as bird flu), and instances of traveler's diarrhea. It is also important to note that tap water in China is not deemed safe for consumption.
9
+ Healthcare Facilities: While China's major cities are equipped with modern medical facilities, the availability and standard of healthcare services can be significantly limited in rural areas. Given the potentially high costs incurred by foreigners for medical services, securing comprehensive travel insurance is strongly recommended.
10
+ Currency: The official currency of China is the Chinese Yuan (CNY).
11
+ Currency Import/Export: Travelers are not subjected to restrictions concerning the import or export of either local (CNY) or foreign currencies.
12
+ Embassy: The U.S. Embassy in China is strategically located at No. 55 An Jia Lou Road, Chaoyang, Beijing, providing assistance to U.S. citizens through the contact number +(86)(10) 8531-4000.
13
+ Allowed stay: U.S. citizens contemplating a visit to China are encouraged to consult the official American immigration website for accurate information regarding permissible duration of stay in the country.
14
+
15
+ Country: France
16
+
17
+ Documents needed: For entry into France, travelers must possess a passport that is valid for at least six months beyond their intended stay. Essential documentation also includes proof of accommodation arrangements, evidence of sufficient financial means for the duration of the visit, and a return or onward ticket.
18
+ Visa issuance: Tourists or business visitors from visa-exempt countries can enter France without a visa for short stays of up to 90 days.
19
+ Application process: Visa-exempt travelers do not require to undergo a visa application process for stays that fall within the stipulated 90-day period.
20
+ Processing time: Not applicable for visa-exempt entries.
21
+ Recommended Vaccines: Travelers should ensure vaccination against Hepatitis A, Typhoid, Tetanus, and Rabies (for specific traveler categories), along with considerations for Yellow Fever and Influenza vaccinations depending on activities planned.
22
+ Health Risks: Common health risks include Dengue fever, Zika virus, and traveler's diarrhea. It's advisable to be cautious with tap water consumption as it may not always be safe.
23
+ Healthcare Facilities: France offers variable healthcare services, with major cities hosting advanced medical facilities. However, access to healthcare in rural areas can be limited, and medical costs for foreigners might be significant.
24
+ Currency: The official currency is the Euro (EUR) for France.
25
+ Currency Import/Export: There are no restrictions on the importation or exportation of either local or foreign currencies.
26
+ Embassy: Located at 2 Avenue Gabriel, 75008 Paris, France, the U.S. Embassy serves American citizens in France. They can be reached for assistance at +(33)(1) 43-12-22-22.
27
+ Allowed stay: American tourists are generally allowed a stay of up to 90 days in France for tourism or business purposes.
28
+
29
+ Country: Guatemala
30
+
31
+ Documents needed: Travelers to Guatemala must ensure their passports are valid for at least six months beyond the date of entry. Necessary documentation includes evidence of accommodation, financial solvency for the duration of the stay, and a return or onward journey ticket.
32
+ Visa issuance: Guatemala allows visa-free entry for tourism or business visits up to 90 days, facilitating a smooth travel experience for many.
33
+ Application process: For those eligible for visa-free entry, there is no need to undergo a formal visa application process, simplifying travel preparations.
34
+ Processing time: Not applicable for visa-exempt travelers.
35
+ Recommended Vaccines: It's advisable for travelers to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for certain groups), Yellow Fever (based on activities), and Influenza to mitigate health risks.
36
+ Health Risks: Health advisories include precautions against Dengue fever, Zika virus, and traveler's diarrhea. Additionally, it's important to note that tap water may not be potable.
37
+ Healthcare Facilities: While Guatemala's major cities have better access to healthcare facilities, rural areas might offer limited services. Healthcare costs for foreigners can be high, emphasizing the need for comprehensive insurance.
38
+ Currency: The local currency is the Guatemalan Quetzal (GTQ).
39
+ Currency Import/Export: There are no specific limitations on bringing local or foreign currencies into or out of Guatemala.
40
+ Embassy: The U.S. Embassy in Guatemala City, located at Boulevard Austriaco 11-51, Zone 16, provides assistance to American citizens and can be contacted at +(502) 2354-0000.
41
+ Allowed stay: American visitors are generally permitted to stay in Guatemala for up to 90 days.
42
+
43
+ Country: Lebanon
44
+
45
+ Documents needed: Visitors must have a passport with a minimum of six months' validity, accompanied by a visa application form, passport-sized photographs, proof of accommodations, sufficient funds for the stay, and additional documentation as required.
46
+ Visa issuance: Lebanon offers visas on arrival for business or tourism, facilitating convenient entry for many travelers.
47
+ Application process: Upon arrival, visitors need to complete a visa application form and submit it along with the visa fee to obtain their visa on arrival.
48
+ Processing time: The visa is typically issued immediately upon arrival, ensuring a swift entry process.
49
+ Recommended Vaccines: Vaccinations for Hepatitis A, Typhoid, Hepatitis B, and Rabies are recommended for certain travelers, alongside routine immunizations to ensure health safety.
50
+ Health Risks: Potential health risks include Dengue fever, Zika virus, and cholera, with the advisement that tap water may not be safe for consumption.
51
+ Healthcare Facilities: Beirut and other major cities in Lebanon boast high-standard medical facilities, though costs can be high for foreigners, underscoring the importance of travel insurance.
52
+ Currency: The currency in Lebanon is the Lebanese Pound (LBP).
53
+ Currency Import/Export: There are no restrictions on the movement of local or foreign currencies into or out of Lebanon.
54
+ Embassy: Located in Awkar, Beirut, at Jmeil Street, facing the Awkar Municipality Building, the U.S. Embassy provides assistance to American nationals, reachable at +(961) 4-542600 or +(961) 4-543600.
55
+ Allowed stay: Americans typically can stay in Lebanon for 30 days, with the possibility of extending for another 2 months.
56
+
57
+ Country: Mexico
58
+
59
+ Documents needed: For entry into Mexico, U.S. travelers must present a passport valid for at least six months, alongside proof of accommodation, financial sufficiency, and a return or onward ticket.
60
+ Visa issuance: U.S. citizens can enjoy visa-free travel to Mexico, facilitating easy access for tourism and short visits.
61
+ Application process: As no visa is required for U.S. citizens, there is no application process for entering Mexico for short stays.
62
+ Processing time: Not applicable for visa-free entry.
63
+ Recommended Vaccines: Vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza are recommended for travelers to Mexico.
64
+ Health Risks: Visitors should be aware of Dengue fever, Zika virus, and the risk of traveler's diarrhea. Caution is advised with tap water consumption.
65
+ Healthcare Facilities: Mexico offers widely available healthcare services, with varying quality. Major cities have well-equipped hospitals, and medical costs are generally lower than in the U.S.
66
+ Currency: The Mexican Peso (MXN) is the local currency.
67
+ Currency Import/Export: There are no restrictions on importing or exporting local or foreign currency, though declarations may be required for large amounts.
68
+ Embassy: The U.S. Embassy in Mexico City is situated at Paseo de la Reforma 305, Colonia Cuauhtemoc, and can be contacted for assistance at 800-681-9374.
69
+ Allowed stay: For American tourists, Mexico typically allows a stay duration of up to 180 days.
70
+
71
+ Country: Philippines
72
+
73
+ Documents needed: Entry into the Philippines requires a passport valid for at least six months, along with proof of accommodation, financial means, and a return or onward ticket.
74
+ Visa issuance: The Philippines offers visa-free entry for short stays up to 30 days for tourism or business purposes.
75
+ Application process: No visa application is necessary for stays within the visa-free allowance, simplifying travel plans.
76
+ Processing time: Not applicable for visa-exempt entries.
77
+ Recommended Vaccines: Travelers are advised to consider vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza.
78
+ Health Risks: Common health concerns include Dengue fever, Zika virus, and traveler's diarrhea, with advisories against drinking tap water.
79
+ Healthcare Facilities: The Philippines has a broad network of healthcare facilities, though quality can vary. Urban areas generally offer better medical services at relatively lower costs compared to the U.S.
80
+ Currency: The official currency is the Philippine Peso (PHP).
81
+ Currency Import/Export: There are no specific limits on bringing local or foreign currency into or out of the country.
82
+ Embassy: The U.S. Embassy in the Philippines is located at 1201 Roxas Boulevard, Manila, offering assistance at +(63) 2 5301-2000.
83
+ Allowed stay: For American visitors, the Philippines generally permits a stay of up to 30 days without a visa.
84
+
85
+ Country: Serbia
86
+
87
+ Documents needed: To enter Serbia, travelers are required to possess a valid passport that remains valid for a minimum of six months beyond their entry date. Documentation must include evidence of accommodation, sufficient financial means for the duration of the stay, and a return or onward journey ticket.
88
+ Visa issuance: Serbia grants visa-free entry to tourists and business visitors for periods of up to 90 days, simplifying travel for many nationals.
89
+ Application process: Visa-exempt travelers do not need to undertake any visa application process for stays within the 90-day limit, facilitating easier entry.
90
+ Processing time: Not applicable for visa-exempt entries.
91
+ Recommended Vaccines: Visitors to Serbia are advised to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for specific groups of travelers), Yellow Fever (depending on the nature of activities planned), and Influenza as a precaution.
92
+ Health Risks: Health advisories highlight the risks of Dengue fever, Zika virus, and traveler's diarrhea. The safety of tap water varies, and it may be advisable to drink bottled water.
93
+ Healthcare Facilities: Healthcare services in Serbia are accessible, with variations in quality. Urban areas, especially Belgrade, have more advanced medical facilities compared to rural areas. Medical costs for foreigners can be relatively lower than in the U.S.
94
+ Currency: The official currency is the Serbian Dinar (RSD).
95
+ Currency Import/Export: There are no specific regulations on the importation or exportation of Serbian Dinar or foreign currencies.
96
+ Embassy: The U.S. Embassy in Serbia is located at Bulevar kneza Aleksandra Karadordevica 92, 11040 Belgrade. For assistance, the embassy's contact number is +(381) (11) 706-4000.
97
+ Allowed stay: The permitted duration of stay for American tourists in Serbia is up to 90 days within a 180-day period.
98
+
99
+ Country: Sierra Leone
100
+
101
+ Documents needed: Entrants to Sierra Leone must have a passport valid for at least six months, a visa application form, passport-sized photos, proof of accommodation, evidence of sufficient funds for the stay, and a return or onward ticket. An eVisa can be obtained prior to travel.
102
+ Visa issuance: Sierra Leone offers an eVisa for tourists and business visitors, streamlining the visa acquisition process.
103
+ Application process: The eVisa application for Sierra Leone can be completed online through the official eVisa portal, simplifying the process of obtaining the necessary entry documentation.
104
+ Processing time: The processing time for a Sierra Leone eVisa can vary but generally takes from a few days up to a week.
105
+ Recommended Vaccines: Vaccinations for Yellow Fever, Hepatitis A, Typhoid, Meningococcal Meningitis, Rabies (for certain travelers), and Cholera are recommended, depending on activities planned during the stay.
106
+ Health Risks: There is a risk of Malaria, Dengue fever, Yellow fever, Cholera, and Ebola. Drinking tap water is not recommended due to potential contamination.
107
+ Healthcare Facilities: Medical facilities in Sierra Leone are limited, particularly outside of major cities. The availability of healthcare services may not meet Western standards, and travel insurance is essential.
108
+ Currency: The currency is the Sierra Leonean Leone (SLL).
109
+ Currency Import/Export: The importation of currency above $10,000 must be declared to customs officials upon entry or exit.
110
+ Embassy: The U.S. Embassy in Freetown is situated at Southridge, Hill Station, and can be reached for assistance at +(232) (99) 105-000.
111
+ Allowed stay: For American tourists, Sierra Leone typically permits an initial stay of up to 3 months, which can often be extended upon application.
112
+
113
+ Country: South Africa
114
+
115
+ Documents needed: Travelers to South Africa must present a passport with at least six months of remaining validity, alongside proof of accommodation, sufficient financial means for the visit, and a return or onward journey ticket.
116
+ Visa issuance: U.S. citizens benefit from visa-free entry to South Africa for tourist or business visits up to 90 days, enhancing travel convenience.
117
+ Application process: No visa application is required for U.S. citizens staying up to 90 days, offering a streamlined entry process.
118
+ Processing time: Not applicable for visa-exempt travelers.
119
+ Recommended Vaccines: Immunizations for Hepatitis A, Typhoid, Rabies (for certain travelers), Yellow Fever (depending on the regions visited), and Influenza are advised to safeguard health.
120
+ Health Risks: Visitors should be aware of Malaria, Dengue fever, Yellow fever, Cholera, and the potential for Ebola in certain areas. It's generally recommended to avoid drinking tap water.
121
+ Healthcare Facilities: While healthcare facilities in urban areas of South Africa meet international standards, services can vary in rural areas. Comprehensive travel insurance is recommended due to potential high medical costs.
122
+ Currency: The local currency is the South African Rand (ZAR).
123
+ Currency Import/Export: The importation of currency exceeding ZAR 25,000 needs to be declared upon entry or exit.
124
+ Embassy: The U.S. Consulate General in Johannesburg, South Africa is located at 1 Sandton Drive, Sandhurst (opposite Sandton City Mall), and can be reached at +(27)(11) 290-3000 for assistance.
125
+ Allowed stay: American tourists are typically permitted to stay in South Africa for up to 90 days without a visa for tourism or business purposes.
126
+
127
+ Country: Vietnam
128
+
129
+ Documents needed: Entrants are required to possess a passport with a minimum validity of six months beyond their stay, along with a visa application form, passport-sized photographs, proof of accommodation, sufficient funds, and a return or onward ticket. An eVisa can be obtained prior to arrival.
130
+ Visa issuance: Vietnam provides an eVisa option for tourists and business visitors, facilitating a more efficient entry process.
131
+ Application process: Applicants can secure an eVisa through the official Vietnam eVisa portal, ensuring a streamlined process for obtaining entry clearance.
132
+ Processing time: Typically, the processing time for a Vietnamese eVisa ranges from a few days to about a week, varying by individual cases.
133
+ Recommended Vaccines: Travelers should consider vaccinations for Hepatitis A, Typhoid, Japanese Encephalitis, Rabies (for certain visitors), Yellow Fever (dependent on activities), and Influenza to protect against local health risks.
134
+ Health Risks: Dengue fever, Malaria, Zika virus, and Chikungunya are prevalent. Drinking tap water is not advised due to potential health hazards.
135
+ Healthcare Facilities: Vietnam's healthcare services are limited outside of major urban centers, and the quality of medical care may not meet Western standards. Comprehensive travel insurance is highly recommended.
136
+ Currency: The local currency is the Vietnamese Dong (VND).
137
+ Currency Import/Export: The import of currency exceeding VND 15,000,000 or the equivalent of $5,000 in foreign currency must be declared to customs.
138
+ Embassy: The U.S. Embassy in Hanoi, Vietnam is located at 170 Ngoc Khanh, Ba Dinh District, offering consular services and assistance at +(84) (24) 3850-5000.
139
+ Allowed stay: U.S. citizens are advised to consult the official American immigration website for detailed information on the allowed duration of stay in Vietnam.
requirements.txt ADDED
@@ -0,0 +1,115 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ accelerate==0.29.2
2
+ aiofiles==23.2.1
3
+ aiohttp==3.9.4
4
+ aiosignal==1.3.1
5
+ altair==5.3.0
6
+ annotated-types==0.6.0
7
+ anyio==4.3.0
8
+ appnope==0.1.4
9
+ asttokens==2.4.1
10
+ attrs==23.2.0
11
+ certifi==2024.2.2
12
+ charset-normalizer==3.3.2
13
+ click==8.1.7
14
+ comm==0.2.2
15
+ contourpy==1.2.1
16
+ cycler==0.12.1
17
+ datasets==2.18.0
18
+ debugpy==1.8.1
19
+ decorator==5.1.1
20
+ dill==0.3.8
21
+ executing==2.0.1
22
+ fastapi==0.110.1
23
+ ffmpy==0.3.2
24
+ filelock==3.13.4
25
+ fonttools==4.51.0
26
+ frozenlist==1.4.1
27
+ fsspec==2024.2.0
28
+ gradio==4.26.0
29
+ gradio_client==0.15.1
30
+ h11==0.14.0
31
+ httpcore==1.0.5
32
+ httpx==0.27.0
33
+ huggingface-hub==0.22.2
34
+ idna==3.7
35
+ importlib_resources==6.4.0
36
+ ipykernel==6.29.4
37
+ ipython==8.23.0
38
+ jedi==0.19.1
39
+ Jinja2==3.1.3
40
+ joblib==1.4.0
41
+ jsonschema==4.21.1
42
+ jsonschema-specifications==2023.12.1
43
+ jupyter_client==8.6.1
44
+ jupyter_core==5.7.2
45
+ kiwisolver==1.4.5
46
+ markdown-it-py==3.0.0
47
+ MarkupSafe==2.1.5
48
+ matplotlib==3.8.4
49
+ matplotlib-inline==0.1.6
50
+ mdurl==0.1.2
51
+ mpmath==1.3.0
52
+ multidict==6.0.5
53
+ multiprocess==0.70.16
54
+ nest-asyncio==1.6.0
55
+ networkx==3.3
56
+ numpy==1.26.4
57
+ orjson==3.10.0
58
+ packaging==24.0
59
+ pandas==2.2.2
60
+ parso==0.8.4
61
+ pexpect==4.9.0
62
+ pillow==10.3.0
63
+ platformdirs==4.2.0
64
+ prompt-toolkit==3.0.43
65
+ psutil==5.9.8
66
+ ptyprocess==0.7.0
67
+ pure-eval==0.2.2
68
+ pyarrow==15.0.2
69
+ pyarrow-hotfix==0.6
70
+ pydantic==2.7.0
71
+ pydantic_core==2.18.1
72
+ pydub==0.25.1
73
+ Pygments==2.17.2
74
+ pyparsing==3.1.2
75
+ python-dateutil==2.9.0.post0
76
+ python-multipart==0.0.9
77
+ pytz==2024.1
78
+ PyYAML==6.0.1
79
+ pyzmq==25.1.2
80
+ referencing==0.34.0
81
+ regex==2023.12.25
82
+ requests==2.31.0
83
+ rich==13.7.1
84
+ rpds-py==0.18.0
85
+ ruff==0.3.7
86
+ safetensors==0.4.2
87
+ scikit-learn==1.4.2
88
+ scipy==1.13.0
89
+ semantic-version==2.10.0
90
+ sentence-transformers==2.6.1
91
+ shellingham==1.5.4
92
+ six==1.16.0
93
+ sniffio==1.3.1
94
+ stack-data==0.6.3
95
+ starlette==0.37.2
96
+ sympy==1.12
97
+ threadpoolctl==3.4.0
98
+ tokenizers==0.15.2
99
+ tomlkit==0.12.0
100
+ toolz==0.12.1
101
+ torch==2.2.2
102
+ tornado==6.4
103
+ tqdm==4.66.2
104
+ traitlets==5.14.2
105
+ transformers==4.39.3
106
+ typer==0.12.3
107
+ typing_extensions==4.11.0
108
+ tzdata==2024.1
109
+ urllib3==2.2.1
110
+ uvicorn==0.29.0
111
+ wcwidth==0.2.13
112
+ websockets==11.0.3
113
+ xxhash==3.4.1
114
+ yarl==1.9.4
115
+ openai==0.28
test_dataset.csv ADDED
@@ -0,0 +1,162 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Question,GroundTruth
2
+ Documents necessary for visa application in CHINA?,"Travelers to China are required to present a valid passport, which must retain its validity for a minimum duration of six months beyond their date of entry into the country. Additionally, the application process mandates the submission of a duly completed visa application form, a number of passport-sized photographs that adhere to the specified dimensions and background color, a credible demonstration of accommodation arrangements throughout the stay, a comprehensive declaration of sufficient financial resources to cover the expenses of the trip, a detailed travel itinerary, and, if deemed necessary, an invitation letter from a host within the country."
3
+ Visa application document list in CHINA?,"Travelers to China are required to present a valid passport, which must retain its validity for a minimum duration of six months beyond their date of entry into the country. Additionally, the application process mandates the submission of a duly completed visa application form, a number of passport-sized photographs that adhere to the specified dimensions and background color, a credible demonstration of accommodation arrangements throughout the stay, a comprehensive declaration of sufficient financial resources to cover the expenses of the trip, a detailed travel itinerary, and, if deemed necessary, an invitation letter from a host within the country."
4
+ Visa requirements for travelers in CHINA?,"A visa is a compulsory requirement for all types of visits to China, regardless of the purpose or duration. Applicants are required to secure this visa in advance of their travel, by applying directly to a Chinese embassy or consulate."
5
+ Essential visa queries in CHINA?,"A visa is a compulsory requirement for all types of visits to China, regardless of the purpose or duration. Applicants are required to secure this visa in advance of their travel, by applying directly to a Chinese embassy or consulate."
6
+ Visa application steps in CHINA?,"The process involves submitting a visa application form alongside the required documents to the closest Chinese embassy or consulate, adhering to the specific guidelines and requirements outlined for the visa application."
7
+ How to submit a visa application in CHINA?,"The process involves submitting a visa application form alongside the required documents to the closest Chinese embassy or consulate, adhering to the specific guidelines and requirements outlined for the visa application."
8
+ Expected time for visa approval in CHINA?,"The timeframe for visa processing is subject to variation, contingent upon the specific visa category being applied for and the current workload at the respective embassy or consulate where the application is submitted."
9
+ Timeframe for visa application in CHINA?,"The timeframe for visa processing is subject to variation, contingent upon the specific visa category being applied for and the current workload at the respective embassy or consulate where the application is submitted."
10
+ Travel vaccination requirements in CHINA?,"Visitors are advised to be up-to-date with routine vaccinations and consider receiving immunizations for Hepatitis A, Hepatitis B, Typhoid, Japanese Encephalitis (particularly if visiting rural areas), and Rabies (specifically recommended for certain groups of travelers)."
11
+ Vaccination guide for travelers in CHINA?,"Visitors are advised to be up-to-date with routine vaccinations and consider receiving immunizations for Hepatitis A, Hepatitis B, Typhoid, Japanese Encephalitis (particularly if visiting rural areas), and Rabies (specifically recommended for certain groups of travelers)."
12
+ Health issues while abroad in CHINA?,"The prevalent health concerns in China include exposure to air pollution in urban areas, risks of contracting Dengue fever, Zika virus, Avian influenza (commonly referred to as bird flu), and instances of traveler's diarrhea. It is also important to note that tap water in China is not deemed safe for consumption."
13
+ Significant health risks during travel in CHINA?,"The prevalent health concerns in China include exposure to air pollution in urban areas, risks of contracting Dengue fever, Zika virus, Avian influenza (commonly referred to as bird flu), and instances of traveler's diarrhea. It is also important to note that tap water in China is not deemed safe for consumption."
14
+ Availability of medical care for travelers in CHINA?,"While China's major cities are equipped with modern medical facilities, the availability and standard of healthcare services can be significantly limited in rural areas. Given the potentially high costs incurred by foreigners for medical services, securing comprehensive travel insurance is strongly recommended."
15
+ Emergency healthcare services for travelers in CHINA?,"While China's major cities are equipped with modern medical facilities, the availability and standard of healthcare services can be significantly limited in rural areas. Given the potentially high costs incurred by foreigners for medical services, securing comprehensive travel insurance is strongly recommended."
16
+ Currency export/import policy in CHINA?,Travelers are not subjected to restrictions concerning the import or export of either local (CNY) or foreign currencies.
17
+ Currency transaction rules for travelers in CHINA?,Travelers are not subjected to restrictions concerning the import or export of either local (CNY) or foreign currencies.
18
+ Documents necessary for visa application in FRANCE?,"For entry into France, travelers must possess a passport that is valid for at least six months beyond their intended stay. Essential documentation also includes proof of accommodation arrangements, evidence of sufficient financial means for the duration of the visit, and a return or onward ticket."
19
+ Visa application document list in FRANCE?,"For entry into France, travelers must possess a passport that is valid for at least six months beyond their intended stay. Essential documentation also includes proof of accommodation arrangements, evidence of sufficient financial means for the duration of the visit, and a return or onward ticket."
20
+ Visa requirements for travelers in FRANCE?,Tourists or business visitors from visa-exempt countries can enter France without a visa for short stays of up to 90 days.
21
+ Essential visa queries in FRANCE?,Tourists or business visitors from visa-exempt countries can enter France without a visa for short stays of up to 90 days.
22
+ Visa application steps in FRANCE?,Visa-exempt travelers do not require to undergo a visa application process for stays that fall within the stipulated 90-day period.
23
+ How to submit a visa application in FRANCE?,Visa-exempt travelers do not require to undergo a visa application process for stays that fall within the stipulated 90-day period.
24
+ Visa decision time in PHILIPPINES?,Not applicable for visa-exempt entries.
25
+ Time to process visa in PHILIPPINES?,Not applicable for visa-exempt entries.
26
+ Visa application duration in SERBIA?,Not applicable for visa-exempt entries.
27
+ Duration of visa issuance process in FRANCE?,Not applicable for visa-exempt entries.
28
+ How much time for visa in FRANCE?,Not applicable for visa-exempt entries.
29
+ Timeframe for visa application in SERBIA?,Not applicable for visa-exempt entries.
30
+ Time to process visa in FRANCE?,Not applicable for visa-exempt entries.
31
+ Travel vaccination requirements in FRANCE?,"Travelers should ensure vaccination against Hepatitis A, Typhoid, Tetanus, and Rabies (for specific traveler categories), along with considerations for Yellow Fever and Influenza vaccinations depending on activities planned."
32
+ Vaccination guide for travelers in FRANCE?,"Travelers should ensure vaccination against Hepatitis A, Typhoid, Tetanus, and Rabies (for specific traveler categories), along with considerations for Yellow Fever and Influenza vaccinations depending on activities planned."
33
+ Health issues while abroad in FRANCE?,"Common health risks include Dengue fever, Zika virus, and traveler's diarrhea. It's advisable to be cautious with tap water consumption as it may not always be safe."
34
+ Significant health risks during travel in FRANCE?,"Common health risks include Dengue fever, Zika virus, and traveler's diarrhea. It's advisable to be cautious with tap water consumption as it may not always be safe."
35
+ Availability of medical care for travelers in FRANCE?,"France offers variable healthcare services, with major cities hosting advanced medical facilities. However, access to healthcare in rural areas can be limited, and medical costs for foreigners might be significant."
36
+ Emergency healthcare services for travelers in FRANCE?,"France offers variable healthcare services, with major cities hosting advanced medical facilities. However, access to healthcare in rural areas can be limited, and medical costs for foreigners might be significant."
37
+ Currency export/import policy in FRANCE?,There are no restrictions on the importation or exportation of either local or foreign currencies.
38
+ Currency transaction rules for travelers in FRANCE?,There are no restrictions on the importation or exportation of either local or foreign currencies.
39
+ Documents necessary for visa application in GUATEMALA?,"Travelers to Guatemala must ensure their passports are valid for at least six months beyond the date of entry. Necessary documentation includes evidence of accommodation, financial solvency for the duration of the stay, and a return or onward journey ticket."
40
+ Visa application document list in GUATEMALA?,"Travelers to Guatemala must ensure their passports are valid for at least six months beyond the date of entry. Necessary documentation includes evidence of accommodation, financial solvency for the duration of the stay, and a return or onward journey ticket."
41
+ Visa requirements for travelers in GUATEMALA?,"Guatemala allows visa-free entry for tourism or business visits up to 90 days, facilitating a smooth travel experience for many."
42
+ Essential visa queries in GUATEMALA?,"Guatemala allows visa-free entry for tourism or business visits up to 90 days, facilitating a smooth travel experience for many."
43
+ Visa application steps in GUATEMALA?,"For those eligible for visa-free entry, there is no need to undergo a formal visa application process, simplifying travel preparations."
44
+ How to submit a visa application in GUATEMALA?,"For those eligible for visa-free entry, there is no need to undergo a formal visa application process, simplifying travel preparations."
45
+ Visa processing duration in SOUTH AFRICA?,Not applicable for visa-exempt travelers.
46
+ Visa processing duration in GUATEMALA?,Not applicable for visa-exempt travelers.
47
+ Duration for visa processing in SOUTH AFRICA?,Not applicable for visa-exempt travelers.
48
+ Timeframe for visa application in SOUTH AFRICA?,Not applicable for visa-exempt travelers.
49
+ Travel vaccination requirements in GUATEMALA?,"It's advisable for travelers to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for certain groups), Yellow Fever (based on activities), and Influenza to mitigate health risks."
50
+ Vaccination guide for travelers in GUATEMALA?,"It's advisable for travelers to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for certain groups), Yellow Fever (based on activities), and Influenza to mitigate health risks."
51
+ Health issues while abroad in GUATEMALA?,"Health advisories include precautions against Dengue fever, Zika virus, and traveler's diarrhea. Additionally, it's important to note that tap water may not be potable."
52
+ Significant health risks during travel in GUATEMALA?,"Health advisories include precautions against Dengue fever, Zika virus, and traveler's diarrhea. Additionally, it's important to note that tap water may not be potable."
53
+ Availability of medical care for travelers in GUATEMALA?,"While Guatemala's major cities have better access to healthcare facilities, rural areas might offer limited services. Healthcare costs for foreigners can be high, emphasizing the need for comprehensive insurance."
54
+ Emergency healthcare services for travelers in GUATEMALA?,"While Guatemala's major cities have better access to healthcare facilities, rural areas might offer limited services. Healthcare costs for foreigners can be high, emphasizing the need for comprehensive insurance."
55
+ Currency export/import policy in GUATEMALA?,There are no specific limitations on bringing local or foreign currencies into or out of Guatemala.
56
+ Currency transaction rules for travelers in GUATEMALA?,There are no specific limitations on bringing local or foreign currencies into or out of Guatemala.
57
+ Documents necessary for visa application in LEBANON?,"Visitors must have a passport with a minimum of six months' validity, accompanied by a visa application form, passport-sized photographs, proof of accommodations, sufficient funds for the stay, and additional documentation as required."
58
+ Visa application document list in LEBANON?,"Visitors must have a passport with a minimum of six months' validity, accompanied by a visa application form, passport-sized photographs, proof of accommodations, sufficient funds for the stay, and additional documentation as required."
59
+ Visa requirements for travelers in LEBANON?,"Lebanon offers visas on arrival for business or tourism, facilitating convenient entry for many travelers."
60
+ Essential visa queries in LEBANON?,"Lebanon offers visas on arrival for business or tourism, facilitating convenient entry for many travelers."
61
+ Visa application steps in LEBANON?,"Upon arrival, visitors need to complete a visa application form and submit it along with the visa fee to obtain their visa on arrival."
62
+ How to submit a visa application in LEBANON?,"Upon arrival, visitors need to complete a visa application form and submit it along with the visa fee to obtain their visa on arrival."
63
+ Expected time for visa approval in LEBANON?,"The visa is typically issued immediately upon arrival, ensuring a swift entry process."
64
+ Timeframe for visa application in LEBANON?,"The visa is typically issued immediately upon arrival, ensuring a swift entry process."
65
+ Travel vaccination requirements in LEBANON?,"Vaccinations for Hepatitis A, Typhoid, Hepatitis B, and Rabies are recommended for certain travelers, alongside routine immunizations to ensure health safety."
66
+ Vaccination guide for travelers in LEBANON?,"Vaccinations for Hepatitis A, Typhoid, Hepatitis B, and Rabies are recommended for certain travelers, alongside routine immunizations to ensure health safety."
67
+ Health issues while abroad in LEBANON?,"Potential health risks include Dengue fever, Zika virus, and cholera, with the advisement that tap water may not be safe for consumption."
68
+ Significant health risks during travel in LEBANON?,"Potential health risks include Dengue fever, Zika virus, and cholera, with the advisement that tap water may not be safe for consumption."
69
+ Availability of medical care for travelers in LEBANON?,"Beirut and other major cities in Lebanon boast high-standard medical facilities, though costs can be high for foreigners, underscoring the importance of travel insurance."
70
+ Emergency healthcare services for travelers in LEBANON?,"Beirut and other major cities in Lebanon boast high-standard medical facilities, though costs can be high for foreigners, underscoring the importance of travel insurance."
71
+ Currency export/import policy in LEBANON?,There are no restrictions on the movement of local or foreign currencies into or out of Lebanon.
72
+ Currency transaction rules for travelers in LEBANON?,There are no restrictions on the movement of local or foreign currencies into or out of Lebanon.
73
+ Documents necessary for visa application in MEXICO?,"For entry into Mexico, U.S. travelers must present a passport valid for at least six months, alongside proof of accommodation, financial sufficiency, and a return or onward ticket."
74
+ Visa application document list in MEXICO?,"For entry into Mexico, U.S. travelers must present a passport valid for at least six months, alongside proof of accommodation, financial sufficiency, and a return or onward ticket."
75
+ Visa requirements for travelers in MEXICO?,"U.S. citizens can enjoy visa-free travel to Mexico, facilitating easy access for tourism and short visits."
76
+ Essential visa queries in MEXICO?,"U.S. citizens can enjoy visa-free travel to Mexico, facilitating easy access for tourism and short visits."
77
+ Visa application steps in MEXICO?,"As no visa is required for U.S. citizens, there is no application process for entering Mexico for short stays."
78
+ How to submit a visa application in MEXICO?,"As no visa is required for U.S. citizens, there is no application process for entering Mexico for short stays."
79
+ Expected time for visa approval in MEXICO?,Not applicable for visa-free entry.
80
+ Timeframe for visa application in MEXICO?,Not applicable for visa-free entry.
81
+ Travel vaccination requirements in MEXICO?,"Vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza are recommended for travelers to Mexico."
82
+ Vaccination guide for travelers in MEXICO?,"Vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza are recommended for travelers to Mexico."
83
+ Health issues while abroad in MEXICO?,"Visitors should be aware of Dengue fever, Zika virus, and the risk of traveler's diarrhea. Caution is advised with tap water consumption."
84
+ Significant health risks during travel in MEXICO?,"Visitors should be aware of Dengue fever, Zika virus, and the risk of traveler's diarrhea. Caution is advised with tap water consumption."
85
+ Availability of medical care for travelers in MEXICO?,"Mexico offers widely available healthcare services, with varying quality. Major cities have well-equipped hospitals, and medical costs are generally lower than in the U.S."
86
+ Emergency healthcare services for travelers in MEXICO?,"Mexico offers widely available healthcare services, with varying quality. Major cities have well-equipped hospitals, and medical costs are generally lower than in the U.S."
87
+ Currency export/import policy in MEXICO?,"There are no restrictions on importing or exporting local or foreign currency, though declarations may be required for large amounts."
88
+ Currency transaction rules for travelers in MEXICO?,"There are no restrictions on importing or exporting local or foreign currency, though declarations may be required for large amounts."
89
+ Documents necessary for visa application in PHILIPPINES?,"Entry into the Philippines requires a passport valid for at least six months, along with proof of accommodation, financial means, and a return or onward ticket."
90
+ Visa application document list in PHILIPPINES?,"Entry into the Philippines requires a passport valid for at least six months, along with proof of accommodation, financial means, and a return or onward ticket."
91
+ Visa requirements for travelers in PHILIPPINES?,The Philippines offers visa-free entry for short stays up to 30 days for tourism or business purposes.
92
+ Essential visa queries in PHILIPPINES?,The Philippines offers visa-free entry for short stays up to 30 days for tourism or business purposes.
93
+ Visa application steps in PHILIPPINES?,"No visa application is necessary for stays within the visa-free allowance, simplifying travel plans."
94
+ How to submit a visa application in PHILIPPINES?,"No visa application is necessary for stays within the visa-free allowance, simplifying travel plans."
95
+ Travel vaccination requirements in PHILIPPINES?,"Travelers are advised to consider vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza."
96
+ Vaccination guide for travelers in PHILIPPINES?,"Travelers are advised to consider vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza."
97
+ Health issues while abroad in PHILIPPINES?,"Common health concerns include Dengue fever, Zika virus, and traveler's diarrhea, with advisories against drinking tap water."
98
+ Significant health risks during travel in PHILIPPINES?,"Common health concerns include Dengue fever, Zika virus, and traveler's diarrhea, with advisories against drinking tap water."
99
+ Availability of medical care for travelers in PHILIPPINES?,"The Philippines has a broad network of healthcare facilities, though quality can vary. Urban areas generally offer better medical services at relatively lower costs compared to the U.S."
100
+ Emergency healthcare services for travelers in PHILIPPINES?,"The Philippines has a broad network of healthcare facilities, though quality can vary. Urban areas generally offer better medical services at relatively lower costs compared to the U.S."
101
+ Currency export/import policy in PHILIPPINES?,There are no specific limits on bringing local or foreign currency into or out of the country.
102
+ Currency transaction rules for travelers in PHILIPPINES?,There are no specific limits on bringing local or foreign currency into or out of the country.
103
+ Documents necessary for visa application in SERBIA?,"To enter Serbia, travelers are required to possess a valid passport that remains valid for a minimum of six months beyond their entry date. Documentation must include evidence of accommodation, sufficient financial means for the duration of the stay, and a return or onward journey ticket."
104
+ Visa application document list in SERBIA?,"To enter Serbia, travelers are required to possess a valid passport that remains valid for a minimum of six months beyond their entry date. Documentation must include evidence of accommodation, sufficient financial means for the duration of the stay, and a return or onward journey ticket."
105
+ Visa requirements for travelers in SERBIA?,"Serbia grants visa-free entry to tourists and business visitors for periods of up to 90 days, simplifying travel for many nationals."
106
+ Essential visa queries in SERBIA?,"Serbia grants visa-free entry to tourists and business visitors for periods of up to 90 days, simplifying travel for many nationals."
107
+ Visa application steps in SERBIA?,"Visa-exempt travelers do not need to undertake any visa application process for stays within the 90-day limit, facilitating easier entry."
108
+ How to submit a visa application in SERBIA?,"Visa-exempt travelers do not need to undertake any visa application process for stays within the 90-day limit, facilitating easier entry."
109
+ Travel vaccination requirements in SERBIA?,"Visitors to Serbia are advised to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for specific groups of travelers), Yellow Fever (depending on the nature of activities planned), and Influenza as a precaution."
110
+ Vaccination guide for travelers in SERBIA?,"Visitors to Serbia are advised to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for specific groups of travelers), Yellow Fever (depending on the nature of activities planned), and Influenza as a precaution."
111
+ Health issues while abroad in SERBIA?,"Health advisories highlight the risks of Dengue fever, Zika virus, and traveler's diarrhea. The safety of tap water varies, and it may be advisable to drink bottled water."
112
+ Significant health risks during travel in SERBIA?,"Health advisories highlight the risks of Dengue fever, Zika virus, and traveler's diarrhea. The safety of tap water varies, and it may be advisable to drink bottled water."
113
+ Availability of medical care for travelers in SERBIA?,"Healthcare services in Serbia are accessible, with variations in quality. Urban areas, especially Belgrade, have more advanced medical facilities compared to rural areas. Medical costs for foreigners can be relatively lower than in the U.S."
114
+ Emergency healthcare services for travelers in SERBIA?,"Healthcare services in Serbia are accessible, with variations in quality. Urban areas, especially Belgrade, have more advanced medical facilities compared to rural areas. Medical costs for foreigners can be relatively lower than in the U.S."
115
+ Currency export/import policy in SERBIA?,There are no specific regulations on the importation or exportation of Serbian Dinar or foreign currencies.
116
+ Currency transaction rules for travelers in SERBIA?,There are no specific regulations on the importation or exportation of Serbian Dinar or foreign currencies.
117
+ Documents necessary for visa application in SIERRA LEONE?,"Entrants must have a passport valid for at least six months, a visa application form, passport-sized photos, proof of accommodation, evidence of sufficient funds for the stay, and a return or onward ticket. An eVisa can be obtained prior to travel."
118
+ Visa application document list in SIERRA LEONE?,"Entrants must have a passport valid for at least six months, a visa application form, passport-sized photos, proof of accommodation, evidence of sufficient funds for the stay, and a return or onward ticket. An eVisa can be obtained prior to travel."
119
+ Visa requirements for travelers in SIERRA LEONE?,"Sierra Leone offers an eVisa for tourists and business visitors, streamlining the visa acquisition process."
120
+ Essential visa queries in SIERRA LEONE?,"Sierra Leone offers an eVisa for tourists and business visitors, streamlining the visa acquisition process."
121
+ Visa application steps in SIERRA LEONE?,"The eVisa application for Sierra Leone can be completed online through the official eVisa portal, simplifying the process of obtaining the necessary entry documentation."
122
+ How to submit a visa application in SIERRA LEONE?,"The eVisa application for Sierra Leone can be completed online through the official eVisa portal, simplifying the process of obtaining the necessary entry documentation."
123
+ Expected time for visa approval in SIERRA LEONE?,The processing time for a Sierra Leone eVisa can vary but generally takes from a few days up to a week.
124
+ Timeframe for visa application in SIERRA LEONE?,The processing time for a Sierra Leone eVisa can vary but generally takes from a few days up to a week.
125
+ Travel vaccination requirements in SIERRA LEONE?,"Vaccinations for Yellow Fever, Hepatitis A, Typhoid, Meningococcal Meningitis, Rabies (for certain travelers), and Cholera are recommended, depending on activities planned during the stay."
126
+ Vaccination guide for travelers in SIERRA LEONE?,"Vaccinations for Yellow Fever, Hepatitis A, Typhoid, Meningococcal Meningitis, Rabies (for certain travelers), and Cholera are recommended, depending on activities planned during the stay."
127
+ Health issues while abroad in SIERRA LEONE?,"There is a risk of Malaria, Dengue fever, Yellow fever, Cholera, and Ebola. Drinking tap water is not recommended due to potential contamination."
128
+ Significant health risks during travel in SIERRA LEONE?,"There is a risk of Malaria, Dengue fever, Yellow fever, Cholera, and Ebola. Drinking tap water is not recommended due to potential contamination."
129
+ Availability of medical care for travelers in SIERRA LEONE?,"Medical facilities in Sierra Leone are limited, particularly outside of major cities. The availability of healthcare services may not meet Western standards, and travel insurance is essential."
130
+ Emergency healthcare services for travelers in SIERRA LEONE?,"Medical facilities in Sierra Leone are limited, particularly outside of major cities. The availability of healthcare services may not meet Western standards, and travel insurance is essential."
131
+ Currency export/import policy in SIERRA LEONE?,"The importation of currency above $10,000 must be declared to customs officials upon entry or exit."
132
+ Currency transaction rules for travelers in SIERRA LEONE?,"The importation of currency above $10,000 must be declared to customs officials upon entry or exit."
133
+ Documents necessary for visa application in SOUTH AFRICA?,"Travelers must present a passport with at least six months of remaining validity, alongside proof of accommodation, sufficient financial means for the visit, and a return or onward journey ticket."
134
+ Visa application document list in SOUTH AFRICA?,"Travelers must present a passport with at least six months of remaining validity, alongside proof of accommodation, sufficient financial means for the visit, and a return or onward journey ticket."
135
+ Visa requirements for travelers in SOUTH AFRICA?,"U.S. citizens benefit from visa-free entry to South Africa for tourist or business visits up to 90 days, enhancing travel convenience."
136
+ Essential visa queries in SOUTH AFRICA?,"U.S. citizens benefit from visa-free entry to South Africa for tourist or business visits up to 90 days, enhancing travel convenience."
137
+ Visa application steps in SOUTH AFRICA?,"No visa application is required for U.S. citizens staying up to 90 days, offering a streamlined entry process."
138
+ How to submit a visa application in SOUTH AFRICA?,"No visa application is required for U.S. citizens staying up to 90 days, offering a streamlined entry process."
139
+ Travel vaccination requirements in SOUTH AFRICA?,"Immunizations for Hepatitis A, Typhoid, Rabies (for certain travelers), Yellow Fever (depending on the regions visited), and Influenza are advised to safeguard health."
140
+ Vaccination guide for travelers in SOUTH AFRICA?,"Immunizations for Hepatitis A, Typhoid, Rabies (for certain travelers), Yellow Fever (depending on the regions visited), and Influenza are advised to safeguard health."
141
+ Health issues while abroad in SOUTH AFRICA?,"Visitors should be aware of Malaria, Dengue fever, Yellow fever, Cholera, and the potential for Ebola in certain areas. It's generally recommended to avoid drinking tap water."
142
+ Significant health risks during travel in SOUTH AFRICA?,"Visitors should be aware of Malaria, Dengue fever, Yellow fever, Cholera, and the potential for Ebola in certain areas. It's generally recommended to avoid drinking tap water."
143
+ Availability of medical care for travelers in SOUTH AFRICA?,"While healthcare facilities in urban areas of South Africa meet international standards, services can vary in rural areas. Comprehensive travel insurance is recommended due to potential high medical costs."
144
+ Emergency healthcare services for travelers in SOUTH AFRICA?,"While healthcare facilities in urban areas of South Africa meet international standards, services can vary in rural areas. Comprehensive travel insurance is recommended due to potential high medical costs."
145
+ Currency export/import policy in SOUTH AFRICA?,"The importation of currency exceeding ZAR 25,000 needs to be declared upon entry or exit."
146
+ Currency transaction rules for travelers in SOUTH AFRICA?,"The importation of currency exceeding ZAR 25,000 needs to be declared upon entry or exit."
147
+ Documents necessary for visa application in VIETNAM?,"Entrants are required to possess a passport with a minimum validity of six months beyond their stay, along with a visa application form, passport-sized photographs, proof of accommodation, sufficient funds, and a return or onward ticket. An eVisa can be obtained prior to arrival."
148
+ Visa application document list in VIETNAM?,"Entrants are required to possess a passport with a minimum validity of six months beyond their stay, along with a visa application form, passport-sized photographs, proof of accommodation, sufficient funds, and a return or onward ticket. An eVisa can be obtained prior to arrival."
149
+ Visa requirements for travelers in VIETNAM?,"Vietnam provides an eVisa option for tourists and business visitors, facilitating a more efficient entry process."
150
+ Essential visa queries in VIETNAM?,"Vietnam provides an eVisa option for tourists and business visitors, facilitating a more efficient entry process."
151
+ Visa application steps in VIETNAM?,"Applicants can secure an eVisa through the official Vietnam eVisa portal, ensuring a streamlined process for obtaining entry clearance."
152
+ How to submit a visa application in VIETNAM?,"Applicants can secure an eVisa through the official Vietnam eVisa portal, ensuring a streamlined process for obtaining entry clearance."
153
+ Expected time for visa approval in VIETNAM?,"Typically, the processing time for a Vietnamese eVisa ranges from a few days to about a week, varying by individual cases."
154
+ Timeframe for visa application in VIETNAM?,"Typically, the processing time for a Vietnamese eVisa ranges from a few days to about a week, varying by individual cases."
155
+ Travel vaccination requirements in VIETNAM?,"Travelers should consider vaccinations for Hepatitis A, Typhoid, Japanese Encephalitis, Rabies (for certain visitors), Yellow Fever (dependent on activities), and Influenza to protect against local health risks."
156
+ Vaccination guide for travelers in VIETNAM?,"Travelers should consider vaccinations for Hepatitis A, Typhoid, Japanese Encephalitis, Rabies (for certain visitors), Yellow Fever (dependent on activities), and Influenza to protect against local health risks."
157
+ Health issues while abroad in VIETNAM?,"Dengue fever, Malaria, Zika virus, and Chikungunya are prevalent. Drinking tap water is not advised due to potential health hazards."
158
+ Significant health risks during travel in VIETNAM?,"Dengue fever, Malaria, Zika virus, and Chikungunya are prevalent. Drinking tap water is not advised due to potential health hazards."
159
+ Availability of medical care for travelers in VIETNAM?,"Vietnam's healthcare services are limited outside of major urban centers, and the quality of medical care may not meet Western standards. Comprehensive travel insurance is highly recommended."
160
+ Emergency healthcare services for travelers in VIETNAM?,"Vietnam's healthcare services are limited outside of major urban centers, and the quality of medical care may not meet Western standards. Comprehensive travel insurance is highly recommended."
161
+ Currency export/import policy in VIETNAM?,"The import of currency exceeding VND 15,000,000 or the equivalent of $5,000 in foreign currency must be declared to customs."
162
+ Currency transaction rules for travelers in VIETNAM?,"The import of currency exceeding VND 15,000,000 or the equivalent of $5,000 in foreign currency must be declared to customs."
train_dataset.csv ADDED
The diff for this file is too large to render. See raw diff
 
val_dataset.csv ADDED
@@ -0,0 +1,238 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Question,GroundTruth
2
+ Required paperwork for travel visa in CHINA?,"Travelers to China are required to present a valid passport, which must retain its validity for a minimum duration of six months beyond their date of entry into the country. Additionally, the application process mandates the submission of a duly completed visa application form, a number of passport-sized photographs that adhere to the specified dimensions and background color, a credible demonstration of accommodation arrangements throughout the stay, a comprehensive declaration of sufficient financial resources to cover the expenses of the trip, a detailed travel itinerary, and, if deemed necessary, an invitation letter from a host within the country."
3
+ Documents for visa application in CHINA?,"Travelers to China are required to present a valid passport, which must retain its validity for a minimum duration of six months beyond their date of entry into the country. Additionally, the application process mandates the submission of a duly completed visa application form, a number of passport-sized photographs that adhere to the specified dimensions and background color, a credible demonstration of accommodation arrangements throughout the stay, a comprehensive declaration of sufficient financial resources to cover the expenses of the trip, a detailed travel itinerary, and, if deemed necessary, an invitation letter from a host within the country."
4
+ What documents do i need in CHINA?,"Travelers to China are required to present a valid passport, which must retain its validity for a minimum duration of six months beyond their date of entry into the country. Additionally, the application process mandates the submission of a duly completed visa application form, a number of passport-sized photographs that adhere to the specified dimensions and background color, a credible demonstration of accommodation arrangements throughout the stay, a comprehensive declaration of sufficient financial resources to cover the expenses of the trip, a detailed travel itinerary, and, if deemed necessary, an invitation letter from a host within the country."
5
+ Visa application prerequisites in CHINA?,"A visa is a compulsory requirement for all types of visits to China, regardless of the purpose or duration. Applicants are required to secure this visa in advance of their travel, by applying directly to a Chinese embassy or consulate."
6
+ Visa compulsory in CHINA?,"A visa is a compulsory requirement for all types of visits to China, regardless of the purpose or duration. Applicants are required to secure this visa in advance of their travel, by applying directly to a Chinese embassy or consulate."
7
+ Do i need a visa in CHINA?,"A visa is a compulsory requirement for all types of visits to China, regardless of the purpose or duration. Applicants are required to secure this visa in advance of their travel, by applying directly to a Chinese embassy or consulate."
8
+ Process for visa submission in CHINA?,"The process involves submitting a visa application form alongside the required documents to the closest Chinese embassy or consulate, adhering to the specific guidelines and requirements outlined for the visa application."
9
+ How do i apply for a visa in CHINA?,"The process involves submitting a visa application form alongside the required documents to the closest Chinese embassy or consulate, adhering to the specific guidelines and requirements outlined for the visa application."
10
+ How to apply for visa in CHINA?,"The process involves submitting a visa application form alongside the required documents to the closest Chinese embassy or consulate, adhering to the specific guidelines and requirements outlined for the visa application."
11
+ Processing period for visa in CHINA?,"The timeframe for visa processing is subject to variation, contingent upon the specific visa category being applied for and the current workload at the respective embassy or consulate where the application is submitted."
12
+ Visa application duration in CHINA?,"The timeframe for visa processing is subject to variation, contingent upon the specific visa category being applied for and the current workload at the respective embassy or consulate where the application is submitted."
13
+ Visa processing time in CHINA?,"The timeframe for visa processing is subject to variation, contingent upon the specific visa category being applied for and the current workload at the respective embassy or consulate where the application is submitted."
14
+ Recommended travel immunizations in CHINA?,"Visitors are advised to be up-to-date with routine vaccinations and consider receiving immunizations for Hepatitis A, Hepatitis B, Typhoid, Japanese Encephalitis (particularly if visiting rural areas), and Rabies (specifically recommended for certain groups of travelers)."
15
+ Travel vaccines in CHINA?,"Visitors are advised to be up-to-date with routine vaccinations and consider receiving immunizations for Hepatitis A, Hepatitis B, Typhoid, Japanese Encephalitis (particularly if visiting rural areas), and Rabies (specifically recommended for certain groups of travelers)."
16
+ What vaccines do i need in CHINA?,"Visitors are advised to be up-to-date with routine vaccinations and consider receiving immunizations for Hepatitis A, Hepatitis B, Typhoid, Japanese Encephalitis (particularly if visiting rural areas), and Rabies (specifically recommended for certain groups of travelers)."
17
+ Traveling health warnings in CHINA?,"The prevalent health concerns in China include exposure to air pollution in urban areas, risks of contracting Dengue fever, Zika virus, Avian influenza (commonly referred to as bird flu), and instances of traveler's diarrhea. It is also important to note that tap water in China is not deemed safe for consumption."
18
+ Risks to health while traveling in CHINA?,"The prevalent health concerns in China include exposure to air pollution in urban areas, risks of contracting Dengue fever, Zika virus, Avian influenza (commonly referred to as bird flu), and instances of traveler's diarrhea. It is also important to note that tap water in China is not deemed safe for consumption."
19
+ Health concerns for travel in CHINA?,"The prevalent health concerns in China include exposure to air pollution in urban areas, risks of contracting Dengue fever, Zika virus, Avian influenza (commonly referred to as bird flu), and instances of traveler's diarrhea. It is also important to note that tap water in China is not deemed safe for consumption."
20
+ Medical services for visitors in CHINA?,"While China's major cities are equipped with modern medical facilities, the availability and standard of healthcare services can be significantly limited in rural areas. Given the potentially high costs incurred by foreigners for medical services, securing comprehensive travel insurance is strongly recommended."
21
+ Health facilities for tourists in CHINA?,"While China's major cities are equipped with modern medical facilities, the availability and standard of healthcare services can be significantly limited in rural areas. Given the potentially high costs incurred by foreigners for medical services, securing comprehensive travel insurance is strongly recommended."
22
+ Healthcare services available in CHINA?,"While China's major cities are equipped with modern medical facilities, the availability and standard of healthcare services can be significantly limited in rural areas. Given the potentially high costs incurred by foreigners for medical services, securing comprehensive travel insurance is strongly recommended."
23
+ Rules on importing and exporting currency in CHINA?,Travelers are not subjected to restrictions concerning the import or export of either local (CNY) or foreign currencies.
24
+ Cash import export guidelines in CHINA?,Travelers are not subjected to restrictions concerning the import or export of either local (CNY) or foreign currencies.
25
+ Bringing currency into country in CHINA?,Travelers are not subjected to restrictions concerning the import or export of either local (CNY) or foreign currencies.
26
+ Required paperwork for travel visa in FRANCE?,"For entry into France, travelers must possess a passport that is valid for at least six months beyond their intended stay. Essential documentation also includes proof of accommodation arrangements, evidence of sufficient financial means for the duration of the visit, and a return or onward ticket."
27
+ Documents for visa application in FRANCE?,"For entry into France, travelers must possess a passport that is valid for at least six months beyond their intended stay. Essential documentation also includes proof of accommodation arrangements, evidence of sufficient financial means for the duration of the visit, and a return or onward ticket."
28
+ What documents do i need in FRANCE?,"For entry into France, travelers must possess a passport that is valid for at least six months beyond their intended stay. Essential documentation also includes proof of accommodation arrangements, evidence of sufficient financial means for the duration of the visit, and a return or onward ticket."
29
+ Visa application prerequisites in FRANCE?,Tourists or business visitors from visa-exempt countries can enter France without a visa for short stays of up to 90 days.
30
+ Visa compulsory in FRANCE?,Tourists or business visitors from visa-exempt countries can enter France without a visa for short stays of up to 90 days.
31
+ Do i need a visa in FRANCE?,Tourists or business visitors from visa-exempt countries can enter France without a visa for short stays of up to 90 days.
32
+ Process for visa submission in FRANCE?,Visa-exempt travelers do not require to undergo a visa application process for stays that fall within the stipulated 90-day period.
33
+ How do i apply for a visa in FRANCE?,Visa-exempt travelers do not require to undergo a visa application process for stays that fall within the stipulated 90-day period.
34
+ How to apply for visa in FRANCE?,Visa-exempt travelers do not require to undergo a visa application process for stays that fall within the stipulated 90-day period.
35
+ Visa issuance time in FRANCE?,Not applicable for visa-exempt entries.
36
+ Expected time for visa approval in PHILIPPINES?,Not applicable for visa-exempt entries.
37
+ Expected time for visa approval in SERBIA?,Not applicable for visa-exempt entries.
38
+ Duration for visa processing in SERBIA?,Not applicable for visa-exempt entries.
39
+ Processing period for visa in SERBIA?,Not applicable for visa-exempt entries.
40
+ Visa processing duration in FRANCE?,Not applicable for visa-exempt entries.
41
+ Processing period for visa in PHILIPPINES?,Not applicable for visa-exempt entries.
42
+ Recommended travel immunizations in FRANCE?,"Travelers should ensure vaccination against Hepatitis A, Typhoid, Tetanus, and Rabies (for specific traveler categories), along with considerations for Yellow Fever and Influenza vaccinations depending on activities planned."
43
+ Travel vaccines in FRANCE?,"Travelers should ensure vaccination against Hepatitis A, Typhoid, Tetanus, and Rabies (for specific traveler categories), along with considerations for Yellow Fever and Influenza vaccinations depending on activities planned."
44
+ What vaccines do i need in FRANCE?,"Travelers should ensure vaccination against Hepatitis A, Typhoid, Tetanus, and Rabies (for specific traveler categories), along with considerations for Yellow Fever and Influenza vaccinations depending on activities planned."
45
+ Traveling health warnings in FRANCE?,"Common health risks include Dengue fever, Zika virus, and traveler's diarrhea. It's advisable to be cautious with tap water consumption as it may not always be safe."
46
+ Risks to health while traveling in FRANCE?,"Common health risks include Dengue fever, Zika virus, and traveler's diarrhea. It's advisable to be cautious with tap water consumption as it may not always be safe."
47
+ Health concerns for travel in FRANCE?,"Common health risks include Dengue fever, Zika virus, and traveler's diarrhea. It's advisable to be cautious with tap water consumption as it may not always be safe."
48
+ Medical services for visitors in FRANCE?,"France offers variable healthcare services, with major cities hosting advanced medical facilities. However, access to healthcare in rural areas can be limited, and medical costs for foreigners might be significant."
49
+ Health facilities for tourists in FRANCE?,"France offers variable healthcare services, with major cities hosting advanced medical facilities. However, access to healthcare in rural areas can be limited, and medical costs for foreigners might be significant."
50
+ Healthcare services available in FRANCE?,"France offers variable healthcare services, with major cities hosting advanced medical facilities. However, access to healthcare in rural areas can be limited, and medical costs for foreigners might be significant."
51
+ Rules on importing and exporting currency in FRANCE?,There are no restrictions on the importation or exportation of either local or foreign currencies.
52
+ Cash import export guidelines in FRANCE?,There are no restrictions on the importation or exportation of either local or foreign currencies.
53
+ Bringing currency into country in FRANCE?,There are no restrictions on the importation or exportation of either local or foreign currencies.
54
+ Required paperwork for travel visa in GUATEMALA?,"Travelers to Guatemala must ensure their passports are valid for at least six months beyond the date of entry. Necessary documentation includes evidence of accommodation, financial solvency for the duration of the stay, and a return or onward journey ticket."
55
+ Documents for visa application in GUATEMALA?,"Travelers to Guatemala must ensure their passports are valid for at least six months beyond the date of entry. Necessary documentation includes evidence of accommodation, financial solvency for the duration of the stay, and a return or onward journey ticket."
56
+ What documents do i need in GUATEMALA?,"Travelers to Guatemala must ensure their passports are valid for at least six months beyond the date of entry. Necessary documentation includes evidence of accommodation, financial solvency for the duration of the stay, and a return or onward journey ticket."
57
+ Visa application prerequisites in GUATEMALA?,"Guatemala allows visa-free entry for tourism or business visits up to 90 days, facilitating a smooth travel experience for many."
58
+ Visa compulsory in GUATEMALA?,"Guatemala allows visa-free entry for tourism or business visits up to 90 days, facilitating a smooth travel experience for many."
59
+ Do i need a visa in GUATEMALA?,"Guatemala allows visa-free entry for tourism or business visits up to 90 days, facilitating a smooth travel experience for many."
60
+ Process for visa submission in GUATEMALA?,"For those eligible for visa-free entry, there is no need to undergo a formal visa application process, simplifying travel preparations."
61
+ How do i apply for a visa in GUATEMALA?,"For those eligible for visa-free entry, there is no need to undergo a formal visa application process, simplifying travel preparations."
62
+ How to apply for visa in GUATEMALA?,"For those eligible for visa-free entry, there is no need to undergo a formal visa application process, simplifying travel preparations."
63
+ Expected time for visa approval in SOUTH AFRICA?,Not applicable for visa-exempt travelers.
64
+ Visa processing time in SOUTH AFRICA?,Not applicable for visa-exempt travelers.
65
+ Expected time for visa approval in GUATEMALA?,Not applicable for visa-exempt travelers.
66
+ Duration of visa issuance process in SOUTH AFRICA?,Not applicable for visa-exempt travelers.
67
+ Duration of visa issuance process in GUATEMALA?,Not applicable for visa-exempt travelers.
68
+ Recommended travel immunizations in GUATEMALA?,"It's advisable for travelers to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for certain groups), Yellow Fever (based on activities), and Influenza to mitigate health risks."
69
+ Travel vaccines in GUATEMALA?,"It's advisable for travelers to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for certain groups), Yellow Fever (based on activities), and Influenza to mitigate health risks."
70
+ What vaccines do i need in GUATEMALA?,"It's advisable for travelers to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for certain groups), Yellow Fever (based on activities), and Influenza to mitigate health risks."
71
+ Traveling health warnings in GUATEMALA?,"Health advisories include precautions against Dengue fever, Zika virus, and traveler's diarrhea. Additionally, it's important to note that tap water may not be potable."
72
+ Risks to health while traveling in GUATEMALA?,"Health advisories include precautions against Dengue fever, Zika virus, and traveler's diarrhea. Additionally, it's important to note that tap water may not be potable."
73
+ Health concerns for travel in GUATEMALA?,"Health advisories include precautions against Dengue fever, Zika virus, and traveler's diarrhea. Additionally, it's important to note that tap water may not be potable."
74
+ Medical services for visitors in GUATEMALA?,"While Guatemala's major cities have better access to healthcare facilities, rural areas might offer limited services. Healthcare costs for foreigners can be high, emphasizing the need for comprehensive insurance."
75
+ Health facilities for tourists in GUATEMALA?,"While Guatemala's major cities have better access to healthcare facilities, rural areas might offer limited services. Healthcare costs for foreigners can be high, emphasizing the need for comprehensive insurance."
76
+ Healthcare services available in GUATEMALA?,"While Guatemala's major cities have better access to healthcare facilities, rural areas might offer limited services. Healthcare costs for foreigners can be high, emphasizing the need for comprehensive insurance."
77
+ Rules on importing and exporting currency in GUATEMALA?,There are no specific limitations on bringing local or foreign currencies into or out of Guatemala.
78
+ Cash import export guidelines in GUATEMALA?,There are no specific limitations on bringing local or foreign currencies into or out of Guatemala.
79
+ Bringing currency into country in GUATEMALA?,There are no specific limitations on bringing local or foreign currencies into or out of Guatemala.
80
+ Required paperwork for travel visa in LEBANON?,"Visitors must have a passport with a minimum of six months' validity, accompanied by a visa application form, passport-sized photographs, proof of accommodations, sufficient funds for the stay, and additional documentation as required."
81
+ Documents for visa application in LEBANON?,"Visitors must have a passport with a minimum of six months' validity, accompanied by a visa application form, passport-sized photographs, proof of accommodations, sufficient funds for the stay, and additional documentation as required."
82
+ What documents do i need in LEBANON?,"Visitors must have a passport with a minimum of six months' validity, accompanied by a visa application form, passport-sized photographs, proof of accommodations, sufficient funds for the stay, and additional documentation as required."
83
+ Visa application prerequisites in LEBANON?,"Lebanon offers visas on arrival for business or tourism, facilitating convenient entry for many travelers."
84
+ Visa compulsory in LEBANON?,"Lebanon offers visas on arrival for business or tourism, facilitating convenient entry for many travelers."
85
+ Do i need a visa in LEBANON?,"Lebanon offers visas on arrival for business or tourism, facilitating convenient entry for many travelers."
86
+ Process for visa submission in LEBANON?,"Upon arrival, visitors need to complete a visa application form and submit it along with the visa fee to obtain their visa on arrival."
87
+ How do i apply for a visa in LEBANON?,"Upon arrival, visitors need to complete a visa application form and submit it along with the visa fee to obtain their visa on arrival."
88
+ How to apply for visa in LEBANON?,"Upon arrival, visitors need to complete a visa application form and submit it along with the visa fee to obtain their visa on arrival."
89
+ Processing period for visa in LEBANON?,"The visa is typically issued immediately upon arrival, ensuring a swift entry process."
90
+ Visa application duration in LEBANON?,"The visa is typically issued immediately upon arrival, ensuring a swift entry process."
91
+ Visa processing time in LEBANON?,"The visa is typically issued immediately upon arrival, ensuring a swift entry process."
92
+ Recommended travel immunizations in LEBANON?,"Vaccinations for Hepatitis A, Typhoid, Hepatitis B, and Rabies are recommended for certain travelers, alongside routine immunizations to ensure health safety."
93
+ Travel vaccines in LEBANON?,"Vaccinations for Hepatitis A, Typhoid, Hepatitis B, and Rabies are recommended for certain travelers, alongside routine immunizations to ensure health safety."
94
+ What vaccines do i need in LEBANON?,"Vaccinations for Hepatitis A, Typhoid, Hepatitis B, and Rabies are recommended for certain travelers, alongside routine immunizations to ensure health safety."
95
+ Traveling health warnings in LEBANON?,"Potential health risks include Dengue fever, Zika virus, and cholera, with the advisement that tap water may not be safe for consumption."
96
+ Risks to health while traveling in LEBANON?,"Potential health risks include Dengue fever, Zika virus, and cholera, with the advisement that tap water may not be safe for consumption."
97
+ Health concerns for travel in LEBANON?,"Potential health risks include Dengue fever, Zika virus, and cholera, with the advisement that tap water may not be safe for consumption."
98
+ Medical services for visitors in LEBANON?,"Beirut and other major cities in Lebanon boast high-standard medical facilities, though costs can be high for foreigners, underscoring the importance of travel insurance."
99
+ Health facilities for tourists in LEBANON?,"Beirut and other major cities in Lebanon boast high-standard medical facilities, though costs can be high for foreigners, underscoring the importance of travel insurance."
100
+ Healthcare services available in LEBANON?,"Beirut and other major cities in Lebanon boast high-standard medical facilities, though costs can be high for foreigners, underscoring the importance of travel insurance."
101
+ Rules on importing and exporting currency in LEBANON?,There are no restrictions on the movement of local or foreign currencies into or out of Lebanon.
102
+ Cash import export guidelines in LEBANON?,There are no restrictions on the movement of local or foreign currencies into or out of Lebanon.
103
+ Bringing currency into country in LEBANON?,There are no restrictions on the movement of local or foreign currencies into or out of Lebanon.
104
+ Required paperwork for travel visa in MEXICO?,"For entry into Mexico, U.S. travelers must present a passport valid for at least six months, alongside proof of accommodation, financial sufficiency, and a return or onward ticket."
105
+ Documents for visa application in MEXICO?,"For entry into Mexico, U.S. travelers must present a passport valid for at least six months, alongside proof of accommodation, financial sufficiency, and a return or onward ticket."
106
+ What documents do i need in MEXICO?,"For entry into Mexico, U.S. travelers must present a passport valid for at least six months, alongside proof of accommodation, financial sufficiency, and a return or onward ticket."
107
+ Visa application prerequisites in MEXICO?,"U.S. citizens can enjoy visa-free travel to Mexico, facilitating easy access for tourism and short visits."
108
+ Visa compulsory in MEXICO?,"U.S. citizens can enjoy visa-free travel to Mexico, facilitating easy access for tourism and short visits."
109
+ Do i need a visa in MEXICO?,"U.S. citizens can enjoy visa-free travel to Mexico, facilitating easy access for tourism and short visits."
110
+ Process for visa submission in MEXICO?,"As no visa is required for U.S. citizens, there is no application process for entering Mexico for short stays."
111
+ How do i apply for a visa in MEXICO?,"As no visa is required for U.S. citizens, there is no application process for entering Mexico for short stays."
112
+ How to apply for visa in MEXICO?,"As no visa is required for U.S. citizens, there is no application process for entering Mexico for short stays."
113
+ Processing period for visa in MEXICO?,Not applicable for visa-free entry.
114
+ Visa application duration in MEXICO?,Not applicable for visa-free entry.
115
+ Visa processing time in MEXICO?,Not applicable for visa-free entry.
116
+ Recommended travel immunizations in MEXICO?,"Vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza are recommended for travelers to Mexico."
117
+ Travel vaccines in MEXICO?,"Vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza are recommended for travelers to Mexico."
118
+ What vaccines do i need in MEXICO?,"Vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza are recommended for travelers to Mexico."
119
+ Traveling health warnings in MEXICO?,"Visitors should be aware of Dengue fever, Zika virus, and the risk of traveler's diarrhea. Caution is advised with tap water consumption."
120
+ Risks to health while traveling in MEXICO?,"Visitors should be aware of Dengue fever, Zika virus, and the risk of traveler's diarrhea. Caution is advised with tap water consumption."
121
+ Health concerns for travel in MEXICO?,"Visitors should be aware of Dengue fever, Zika virus, and the risk of traveler's diarrhea. Caution is advised with tap water consumption."
122
+ Medical services for visitors in MEXICO?,"Mexico offers widely available healthcare services, with varying quality. Major cities have well-equipped hospitals, and medical costs are generally lower than in the U.S."
123
+ Health facilities for tourists in MEXICO?,"Mexico offers widely available healthcare services, with varying quality. Major cities have well-equipped hospitals, and medical costs are generally lower than in the U.S."
124
+ Healthcare services available in MEXICO?,"Mexico offers widely available healthcare services, with varying quality. Major cities have well-equipped hospitals, and medical costs are generally lower than in the U.S."
125
+ Rules on importing and exporting currency in MEXICO?,"There are no restrictions on importing or exporting local or foreign currency, though declarations may be required for large amounts."
126
+ Cash import export guidelines in MEXICO?,"There are no restrictions on importing or exporting local or foreign currency, though declarations may be required for large amounts."
127
+ Bringing currency into country in MEXICO?,"There are no restrictions on importing or exporting local or foreign currency, though declarations may be required for large amounts."
128
+ Required paperwork for travel visa in PHILIPPINES?,"Entry into the Philippines requires a passport valid for at least six months, along with proof of accommodation, financial means, and a return or onward ticket."
129
+ Documents for visa application in PHILIPPINES?,"Entry into the Philippines requires a passport valid for at least six months, along with proof of accommodation, financial means, and a return or onward ticket."
130
+ What documents do i need in PHILIPPINES?,"Entry into the Philippines requires a passport valid for at least six months, along with proof of accommodation, financial means, and a return or onward ticket."
131
+ Visa application prerequisites in PHILIPPINES?,The Philippines offers visa-free entry for short stays up to 30 days for tourism or business purposes.
132
+ Visa compulsory in PHILIPPINES?,The Philippines offers visa-free entry for short stays up to 30 days for tourism or business purposes.
133
+ Do i need a visa in PHILIPPINES?,The Philippines offers visa-free entry for short stays up to 30 days for tourism or business purposes.
134
+ Process for visa submission in PHILIPPINES?,"No visa application is necessary for stays within the visa-free allowance, simplifying travel plans."
135
+ How do i apply for a visa in PHILIPPINES?,"No visa application is necessary for stays within the visa-free allowance, simplifying travel plans."
136
+ How to apply for visa in PHILIPPINES?,"No visa application is necessary for stays within the visa-free allowance, simplifying travel plans."
137
+ Recommended travel immunizations in PHILIPPINES?,"Travelers are advised to consider vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza."
138
+ Travel vaccines in PHILIPPINES?,"Travelers are advised to consider vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza."
139
+ What vaccines do i need in PHILIPPINES?,"Travelers are advised to consider vaccinations for Hepatitis A, Typhoid, Tetanus, Rabies, Yellow Fever (based on activities), and Influenza."
140
+ Traveling health warnings in PHILIPPINES?,"Common health concerns include Dengue fever, Zika virus, and traveler's diarrhea, with advisories against drinking tap water."
141
+ Risks to health while traveling in PHILIPPINES?,"Common health concerns include Dengue fever, Zika virus, and traveler's diarrhea, with advisories against drinking tap water."
142
+ Health concerns for travel in PHILIPPINES?,"Common health concerns include Dengue fever, Zika virus, and traveler's diarrhea, with advisories against drinking tap water."
143
+ Medical services for visitors in PHILIPPINES?,"The Philippines has a broad network of healthcare facilities, though quality can vary. Urban areas generally offer better medical services at relatively lower costs compared to the U.S."
144
+ Health facilities for tourists in PHILIPPINES?,"The Philippines has a broad network of healthcare facilities, though quality can vary. Urban areas generally offer better medical services at relatively lower costs compared to the U.S."
145
+ Healthcare services available in PHILIPPINES?,"The Philippines has a broad network of healthcare facilities, though quality can vary. Urban areas generally offer better medical services at relatively lower costs compared to the U.S."
146
+ Rules on importing and exporting currency in PHILIPPINES?,There are no specific limits on bringing local or foreign currency into or out of the country.
147
+ Cash import export guidelines in PHILIPPINES?,There are no specific limits on bringing local or foreign currency into or out of the country.
148
+ Bringing currency into country in PHILIPPINES?,There are no specific limits on bringing local or foreign currency into or out of the country.
149
+ Required paperwork for travel visa in SERBIA?,"To enter Serbia, travelers are required to possess a valid passport that remains valid for a minimum of six months beyond their entry date. Documentation must include evidence of accommodation, sufficient financial means for the duration of the stay, and a return or onward journey ticket."
150
+ Documents for visa application in SERBIA?,"To enter Serbia, travelers are required to possess a valid passport that remains valid for a minimum of six months beyond their entry date. Documentation must include evidence of accommodation, sufficient financial means for the duration of the stay, and a return or onward journey ticket."
151
+ What documents do i need in SERBIA?,"To enter Serbia, travelers are required to possess a valid passport that remains valid for a minimum of six months beyond their entry date. Documentation must include evidence of accommodation, sufficient financial means for the duration of the stay, and a return or onward journey ticket."
152
+ Visa application prerequisites in SERBIA?,"Serbia grants visa-free entry to tourists and business visitors for periods of up to 90 days, simplifying travel for many nationals."
153
+ Visa compulsory in SERBIA?,"Serbia grants visa-free entry to tourists and business visitors for periods of up to 90 days, simplifying travel for many nationals."
154
+ Do i need a visa in SERBIA?,"Serbia grants visa-free entry to tourists and business visitors for periods of up to 90 days, simplifying travel for many nationals."
155
+ Process for visa submission in SERBIA?,"Visa-exempt travelers do not need to undertake any visa application process for stays within the 90-day limit, facilitating easier entry."
156
+ How do i apply for a visa in SERBIA?,"Visa-exempt travelers do not need to undertake any visa application process for stays within the 90-day limit, facilitating easier entry."
157
+ How to apply for visa in SERBIA?,"Visa-exempt travelers do not need to undertake any visa application process for stays within the 90-day limit, facilitating easier entry."
158
+ Recommended travel immunizations in SERBIA?,"Visitors to Serbia are advised to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for specific groups of travelers), Yellow Fever (depending on the nature of activities planned), and Influenza as a precaution."
159
+ Travel vaccines in SERBIA?,"Visitors to Serbia are advised to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for specific groups of travelers), Yellow Fever (depending on the nature of activities planned), and Influenza as a precaution."
160
+ What vaccines do i need in SERBIA?,"Visitors to Serbia are advised to be vaccinated against Hepatitis A, Typhoid, Tetanus, Rabies (for specific groups of travelers), Yellow Fever (depending on the nature of activities planned), and Influenza as a precaution."
161
+ Traveling health warnings in SERBIA?,"Health advisories highlight the risks of Dengue fever, Zika virus, and traveler's diarrhea. The safety of tap water varies, and it may be advisable to drink bottled water."
162
+ Risks to health while traveling in SERBIA?,"Health advisories highlight the risks of Dengue fever, Zika virus, and traveler's diarrhea. The safety of tap water varies, and it may be advisable to drink bottled water."
163
+ Health concerns for travel in SERBIA?,"Health advisories highlight the risks of Dengue fever, Zika virus, and traveler's diarrhea. The safety of tap water varies, and it may be advisable to drink bottled water."
164
+ Medical services for visitors in SERBIA?,"Healthcare services in Serbia are accessible, with variations in quality. Urban areas, especially Belgrade, have more advanced medical facilities compared to rural areas. Medical costs for foreigners can be relatively lower than in the U.S."
165
+ Health facilities for tourists in SERBIA?,"Healthcare services in Serbia are accessible, with variations in quality. Urban areas, especially Belgrade, have more advanced medical facilities compared to rural areas. Medical costs for foreigners can be relatively lower than in the U.S."
166
+ Healthcare services available in SERBIA?,"Healthcare services in Serbia are accessible, with variations in quality. Urban areas, especially Belgrade, have more advanced medical facilities compared to rural areas. Medical costs for foreigners can be relatively lower than in the U.S."
167
+ Rules on importing and exporting currency in SERBIA?,There are no specific regulations on the importation or exportation of Serbian Dinar or foreign currencies.
168
+ Cash import export guidelines in SERBIA?,There are no specific regulations on the importation or exportation of Serbian Dinar or foreign currencies.
169
+ Bringing currency into country in SERBIA?,There are no specific regulations on the importation or exportation of Serbian Dinar or foreign currencies.
170
+ Required paperwork for travel visa in SIERRA LEONE?,"Entrants must have a passport valid for at least six months, a visa application form, passport-sized photos, proof of accommodation, evidence of sufficient funds for the stay, and a return or onward ticket. An eVisa can be obtained prior to travel."
171
+ Documents for visa application in SIERRA LEONE?,"Entrants must have a passport valid for at least six months, a visa application form, passport-sized photos, proof of accommodation, evidence of sufficient funds for the stay, and a return or onward ticket. An eVisa can be obtained prior to travel."
172
+ What documents do i need in SIERRA LEONE?,"Entrants must have a passport valid for at least six months, a visa application form, passport-sized photos, proof of accommodation, evidence of sufficient funds for the stay, and a return or onward ticket. An eVisa can be obtained prior to travel."
173
+ Visa application prerequisites in SIERRA LEONE?,"Sierra Leone offers an eVisa for tourists and business visitors, streamlining the visa acquisition process."
174
+ Visa compulsory in SIERRA LEONE?,"Sierra Leone offers an eVisa for tourists and business visitors, streamlining the visa acquisition process."
175
+ Do i need a visa in SIERRA LEONE?,"Sierra Leone offers an eVisa for tourists and business visitors, streamlining the visa acquisition process."
176
+ Process for visa submission in SIERRA LEONE?,"The eVisa application for Sierra Leone can be completed online through the official eVisa portal, simplifying the process of obtaining the necessary entry documentation."
177
+ How do i apply for a visa in SIERRA LEONE?,"The eVisa application for Sierra Leone can be completed online through the official eVisa portal, simplifying the process of obtaining the necessary entry documentation."
178
+ How to apply for visa in SIERRA LEONE?,"The eVisa application for Sierra Leone can be completed online through the official eVisa portal, simplifying the process of obtaining the necessary entry documentation."
179
+ Processing period for visa in SIERRA LEONE?,The processing time for a Sierra Leone eVisa can vary but generally takes from a few days up to a week.
180
+ Visa application duration in SIERRA LEONE?,The processing time for a Sierra Leone eVisa can vary but generally takes from a few days up to a week.
181
+ Visa processing time in SIERRA LEONE?,The processing time for a Sierra Leone eVisa can vary but generally takes from a few days up to a week.
182
+ Recommended travel immunizations in SIERRA LEONE?,"Vaccinations for Yellow Fever, Hepatitis A, Typhoid, Meningococcal Meningitis, Rabies (for certain travelers), and Cholera are recommended, depending on activities planned during the stay."
183
+ Travel vaccines in SIERRA LEONE?,"Vaccinations for Yellow Fever, Hepatitis A, Typhoid, Meningococcal Meningitis, Rabies (for certain travelers), and Cholera are recommended, depending on activities planned during the stay."
184
+ What vaccines do i need in SIERRA LEONE?,"Vaccinations for Yellow Fever, Hepatitis A, Typhoid, Meningococcal Meningitis, Rabies (for certain travelers), and Cholera are recommended, depending on activities planned during the stay."
185
+ Traveling health warnings in SIERRA LEONE?,"There is a risk of Malaria, Dengue fever, Yellow fever, Cholera, and Ebola. Drinking tap water is not recommended due to potential contamination."
186
+ Risks to health while traveling in SIERRA LEONE?,"There is a risk of Malaria, Dengue fever, Yellow fever, Cholera, and Ebola. Drinking tap water is not recommended due to potential contamination."
187
+ Health concerns for travel in SIERRA LEONE?,"There is a risk of Malaria, Dengue fever, Yellow fever, Cholera, and Ebola. Drinking tap water is not recommended due to potential contamination."
188
+ Medical services for visitors in SIERRA LEONE?,"Medical facilities in Sierra Leone are limited, particularly outside of major cities. The availability of healthcare services may not meet Western standards, and travel insurance is essential."
189
+ Health facilities for tourists in SIERRA LEONE?,"Medical facilities in Sierra Leone are limited, particularly outside of major cities. The availability of healthcare services may not meet Western standards, and travel insurance is essential."
190
+ Healthcare services available in SIERRA LEONE?,"Medical facilities in Sierra Leone are limited, particularly outside of major cities. The availability of healthcare services may not meet Western standards, and travel insurance is essential."
191
+ Rules on importing and exporting currency in SIERRA LEONE?,"The importation of currency above $10,000 must be declared to customs officials upon entry or exit."
192
+ Cash import export guidelines in SIERRA LEONE?,"The importation of currency above $10,000 must be declared to customs officials upon entry or exit."
193
+ Bringing currency into country in SIERRA LEONE?,"The importation of currency above $10,000 must be declared to customs officials upon entry or exit."
194
+ Required paperwork for travel visa in SOUTH AFRICA?,"Travelers must present a passport with at least six months of remaining validity, alongside proof of accommodation, sufficient financial means for the visit, and a return or onward journey ticket."
195
+ Documents for visa application in SOUTH AFRICA?,"Travelers must present a passport with at least six months of remaining validity, alongside proof of accommodation, sufficient financial means for the visit, and a return or onward journey ticket."
196
+ What documents do i need in SOUTH AFRICA?,"Travelers must present a passport with at least six months of remaining validity, alongside proof of accommodation, sufficient financial means for the visit, and a return or onward journey ticket."
197
+ Visa application prerequisites in SOUTH AFRICA?,"U.S. citizens benefit from visa-free entry to South Africa for tourist or business visits up to 90 days, enhancing travel convenience."
198
+ Visa compulsory in SOUTH AFRICA?,"U.S. citizens benefit from visa-free entry to South Africa for tourist or business visits up to 90 days, enhancing travel convenience."
199
+ Do i need a visa in SOUTH AFRICA?,"U.S. citizens benefit from visa-free entry to South Africa for tourist or business visits up to 90 days, enhancing travel convenience."
200
+ Process for visa submission in SOUTH AFRICA?,"No visa application is required for U.S. citizens staying up to 90 days, offering a streamlined entry process."
201
+ How do i apply for a visa in SOUTH AFRICA?,"No visa application is required for U.S. citizens staying up to 90 days, offering a streamlined entry process."
202
+ How to apply for visa in SOUTH AFRICA?,"No visa application is required for U.S. citizens staying up to 90 days, offering a streamlined entry process."
203
+ Recommended travel immunizations in SOUTH AFRICA?,"Immunizations for Hepatitis A, Typhoid, Rabies (for certain travelers), Yellow Fever (depending on the regions visited), and Influenza are advised to safeguard health."
204
+ Travel vaccines in SOUTH AFRICA?,"Immunizations for Hepatitis A, Typhoid, Rabies (for certain travelers), Yellow Fever (depending on the regions visited), and Influenza are advised to safeguard health."
205
+ What vaccines do i need in SOUTH AFRICA?,"Immunizations for Hepatitis A, Typhoid, Rabies (for certain travelers), Yellow Fever (depending on the regions visited), and Influenza are advised to safeguard health."
206
+ Traveling health warnings in SOUTH AFRICA?,"Visitors should be aware of Malaria, Dengue fever, Yellow fever, Cholera, and the potential for Ebola in certain areas. It's generally recommended to avoid drinking tap water."
207
+ Risks to health while traveling in SOUTH AFRICA?,"Visitors should be aware of Malaria, Dengue fever, Yellow fever, Cholera, and the potential for Ebola in certain areas. It's generally recommended to avoid drinking tap water."
208
+ Health concerns for travel in SOUTH AFRICA?,"Visitors should be aware of Malaria, Dengue fever, Yellow fever, Cholera, and the potential for Ebola in certain areas. It's generally recommended to avoid drinking tap water."
209
+ Medical services for visitors in SOUTH AFRICA?,"While healthcare facilities in urban areas of South Africa meet international standards, services can vary in rural areas. Comprehensive travel insurance is recommended due to potential high medical costs."
210
+ Health facilities for tourists in SOUTH AFRICA?,"While healthcare facilities in urban areas of South Africa meet international standards, services can vary in rural areas. Comprehensive travel insurance is recommended due to potential high medical costs."
211
+ Healthcare services available in SOUTH AFRICA?,"While healthcare facilities in urban areas of South Africa meet international standards, services can vary in rural areas. Comprehensive travel insurance is recommended due to potential high medical costs."
212
+ Rules on importing and exporting currency in SOUTH AFRICA?,"The importation of currency exceeding ZAR 25,000 needs to be declared upon entry or exit."
213
+ Cash import export guidelines in SOUTH AFRICA?,"The importation of currency exceeding ZAR 25,000 needs to be declared upon entry or exit."
214
+ Bringing currency into country in SOUTH AFRICA?,"The importation of currency exceeding ZAR 25,000 needs to be declared upon entry or exit."
215
+ Required paperwork for travel visa in VIETNAM?,"Entrants are required to possess a passport with a minimum validity of six months beyond their stay, along with a visa application form, passport-sized photographs, proof of accommodation, sufficient funds, and a return or onward ticket. An eVisa can be obtained prior to arrival."
216
+ Documents for visa application in VIETNAM?,"Entrants are required to possess a passport with a minimum validity of six months beyond their stay, along with a visa application form, passport-sized photographs, proof of accommodation, sufficient funds, and a return or onward ticket. An eVisa can be obtained prior to arrival."
217
+ What documents do i need in VIETNAM?,"Entrants are required to possess a passport with a minimum validity of six months beyond their stay, along with a visa application form, passport-sized photographs, proof of accommodation, sufficient funds, and a return or onward ticket. An eVisa can be obtained prior to arrival."
218
+ Visa application prerequisites in VIETNAM?,"Vietnam provides an eVisa option for tourists and business visitors, facilitating a more efficient entry process."
219
+ Visa compulsory in VIETNAM?,"Vietnam provides an eVisa option for tourists and business visitors, facilitating a more efficient entry process."
220
+ Do i need a visa in VIETNAM?,"Vietnam provides an eVisa option for tourists and business visitors, facilitating a more efficient entry process."
221
+ Process for visa submission in VIETNAM?,"Applicants can secure an eVisa through the official Vietnam eVisa portal, ensuring a streamlined process for obtaining entry clearance."
222
+ How do i apply for a visa in VIETNAM?,"Applicants can secure an eVisa through the official Vietnam eVisa portal, ensuring a streamlined process for obtaining entry clearance."
223
+ How to apply for visa in VIETNAM?,"Applicants can secure an eVisa through the official Vietnam eVisa portal, ensuring a streamlined process for obtaining entry clearance."
224
+ Processing period for visa in VIETNAM?,"Typically, the processing time for a Vietnamese eVisa ranges from a few days to about a week, varying by individual cases."
225
+ Visa application duration in VIETNAM?,"Typically, the processing time for a Vietnamese eVisa ranges from a few days to about a week, varying by individual cases."
226
+ Visa processing time in VIETNAM?,"Typically, the processing time for a Vietnamese eVisa ranges from a few days to about a week, varying by individual cases."
227
+ Recommended travel immunizations in VIETNAM?,"Travelers should consider vaccinations for Hepatitis A, Typhoid, Japanese Encephalitis, Rabies (for certain visitors), Yellow Fever (dependent on activities), and Influenza to protect against local health risks."
228
+ Travel vaccines in VIETNAM?,"Travelers should consider vaccinations for Hepatitis A, Typhoid, Japanese Encephalitis, Rabies (for certain visitors), Yellow Fever (dependent on activities), and Influenza to protect against local health risks."
229
+ What vaccines do i need in VIETNAM?,"Travelers should consider vaccinations for Hepatitis A, Typhoid, Japanese Encephalitis, Rabies (for certain visitors), Yellow Fever (dependent on activities), and Influenza to protect against local health risks."
230
+ Traveling health warnings in VIETNAM?,"Dengue fever, Malaria, Zika virus, and Chikungunya are prevalent. Drinking tap water is not advised due to potential health hazards."
231
+ Risks to health while traveling in VIETNAM?,"Dengue fever, Malaria, Zika virus, and Chikungunya are prevalent. Drinking tap water is not advised due to potential health hazards."
232
+ Health concerns for travel in VIETNAM?,"Dengue fever, Malaria, Zika virus, and Chikungunya are prevalent. Drinking tap water is not advised due to potential health hazards."
233
+ Medical services for visitors in VIETNAM?,"Vietnam's healthcare services are limited outside of major urban centers, and the quality of medical care may not meet Western standards. Comprehensive travel insurance is highly recommended."
234
+ Health facilities for tourists in VIETNAM?,"Vietnam's healthcare services are limited outside of major urban centers, and the quality of medical care may not meet Western standards. Comprehensive travel insurance is highly recommended."
235
+ Healthcare services available in VIETNAM?,"Vietnam's healthcare services are limited outside of major urban centers, and the quality of medical care may not meet Western standards. Comprehensive travel insurance is highly recommended."
236
+ Rules on importing and exporting currency in VIETNAM?,"The import of currency exceeding VND 15,000,000 or the equivalent of $5,000 in foreign currency must be declared to customs."
237
+ Cash import export guidelines in VIETNAM?,"The import of currency exceeding VND 15,000,000 or the equivalent of $5,000 in foreign currency must be declared to customs."
238
+ Bringing currency into country in VIETNAM?,"The import of currency exceeding VND 15,000,000 or the equivalent of $5,000 in foreign currency must be declared to customs."