From 6a7f14733211098a29a5d1e9e2fa58855678e569 Mon Sep 17 00:00:00 2001 From: Killian Date: Fri, 31 May 2024 11:48:25 +0200 Subject: [PATCH] Adding Event Cat Viz --- assets/css/link.css | 13 + assets/scripts/globe.js | 2 +- assets/scripts/link.js | 234 ++++++ assets/scripts/main.js | 31 - data/modified_data_similarities.ipynb | 396 +++++++++ data/processed_graph_data.csv | 1097 +++++++++++++++++++++++++ index.html | 57 +- 7 files changed, 1791 insertions(+), 39 deletions(-) create mode 100644 assets/css/link.css create mode 100644 assets/scripts/link.js create mode 100644 data/modified_data_similarities.ipynb create mode 100644 data/processed_graph_data.csv diff --git a/assets/css/link.css b/assets/css/link.css new file mode 100644 index 0000000..4a687b6 --- /dev/null +++ b/assets/css/link.css @@ -0,0 +1,13 @@ +#link-viz { + width: 80%; + height: auto; /* Adjust the height as needed */ + background-color: #f9f9f9; + border: 1px solid #ccc; + box-shadow: 0 0 10px rgba(0, 0, 0, 0.1); + margin-top: 20%; +} + +#link-viz .round-buttons { + margin-top: 200px; + margin-bottom: 20px; +} \ No newline at end of file diff --git a/assets/scripts/globe.js b/assets/scripts/globe.js index b50e694..e72d986 100644 --- a/assets/scripts/globe.js +++ b/assets/scripts/globe.js @@ -68,7 +68,7 @@ function updateGlobeData(century) { .pointColor(d => { // Set point color based on outcome switch(d.outcome.toLowerCase()) { case 'positive': - return 'green'; + return '#228B22'; case 'negative': return 'red'; case 'mixed': diff --git a/assets/scripts/link.js b/assets/scripts/link.js new file mode 100644 index 0000000..baa0ff5 --- /dev/null +++ b/assets/scripts/link.js @@ -0,0 +1,234 @@ +document.addEventListener('DOMContentLoaded', function() { + refreshGraph('Africa'); +}); + +const width = 800; +const height = 600; +const radius = 200; // Adjusted radius of the circle + +// Define categories with positions and colors from colorMapping, including short names +const categories = [ + { name: 'Economic and Infrastructure Development', color: '#d62728', shortName: 'Econ & Infra' }, + { name: 'International Relations and Diplomacy', color: '#7f7f7f', shortName: 'Intl Relations' }, + { name: 'Technological and Scientific Advancements', color: '#9467bd', shortName: 'Tech & Sci' }, + { name: 'Crisis and Emergency Response', color: '#e377c2', shortName: 'Crisis & Response' }, + { name: 'Environmental and Health', color: '#8c564b', shortName: 'Env & Health' }, + { name: 'Military and Conflict', color: '#ff7f0e', shortName: 'Military & Conflict' }, + { name: 'Political Events', color: '#1f77b4', shortName: 'Political' }, + { name: 'Social and Cultural Events', color: '#2ca02c', shortName: 'Social & Cultural' }, + { name: 'Social and Civil Rights', color: '#bcbd22', shortName: 'Civil Rights' }, + { name: 'Legal and Judicial Changes', color: '#bcbd22', shortName: 'Legal & Judicial' }, + { name: 'Historical and Monumental', color: '#17becf', shortName: 'Historical' } +]; + +// Calculate positions for categories +categories.forEach((category, index) => { + const angle = (index / categories.length) * 2 * Math.PI; + category.x = width / 2 + radius * Math.cos(angle); + category.y = height / 2 + radius * Math.sin(angle); +}); + +function refreshGraph(continent) { + d3.csv('data/processed_graph_data.csv').then(function(data) { + // Filter data for the right continent + console.log(continent); + const filteredData = data.filter(d => d.Continent === continent); + + // Process events data + const events = filteredData.map(event => { + let parsedCategories; + try { + parsedCategories = JSON.parse(event['Representative Categories'].replace(/'/g, '"')); + } catch (e) { + console.error("Error parsing categories for event:", event, e); + parsedCategories = []; + } + + // Strip whitespace and ensure case consistency + parsedCategories = parsedCategories.map(cat => cat.trim()); + + const description = ` + Name: ${event['Name of Incident']}
+ Date: ${event['Date']} ${event['Month']} ${event['Year']}
+ Impact: ${event['Impact']}
+ Affected Population: ${event['Affected Population']} + `; + + // Log matching process + const categoryCoords = parsedCategories.map(cat => { + const matchedCategory = categories.find(c => c.name === cat); + if (!matchedCategory) { + console.warn(`Category ${cat} not found in predefined categories`); + } + return matchedCategory; + }).filter(c => c); + + if (categoryCoords.length === 0) { + console.warn("No valid categories found for event:", event); + return null; + } + + const x = d3.mean(categoryCoords, c => c.x); + const y = d3.mean(categoryCoords, c => c.y); + return { + name: event['Name of Incident'], + description: description, + x: x, + y: y, + categories: categoryCoords + }; + }).filter(event => event !== null); + + drawChart(events); + }).catch(function(error) { + console.error("Error loading the CSV data:", error); + }); +} + +function drawChart(events) { + + // Clear previous chart + d3.select('#link-viz').selectAll('*').remove(); + + // Create SVG container + const svg = d3.select('#link-viz').append('svg') + .attr('width', width) + .attr('height', height); + + // Create category circles + const categoryGroup = svg.selectAll('g.category') + .data(categories) + .enter() + .append('g') + .attr('class', 'category') + .attr('transform', d => `translate(${d.x}, ${d.y})`); + + categoryGroup.append('circle') + .attr('r', 50) + .attr('fill', d => d.color); + + categoryGroup.append('text') + .attr('font-size', '14px') // Increased font size + .attr('font-weight', 'bold') + .attr('text-anchor', 'middle') + .attr('fill', 'white') + .attr('dx', d => { + const centerX = width / 2; + const offsetX = d.x - centerX; + return offsetX * 0.5; // Adjust the multiplier to control the distance + }) + .attr('dy', d => { + const centerY = height / 2; + const offsetY = d.y - centerY; + return offsetY * 0.35; // Adjust the multiplier to control the distance + }) + .text(d => d.shortName); + + // Create force simulation with central anchor + const simulation = d3.forceSimulation(events) + .force('center', d3.forceCenter(width / 2, height / 2).strength(0.5)) // Increased central anchor strength + .force('collision', d3.forceCollide().radius(6)) // Smaller radius for closer events + .force('x', d3.forceX(d => d3.mean(d.categories.map(cat => cat.x))).strength(0.2)) // Increased attraction to categories + .force('y', d3.forceY(d => d3.mean(d.categories.map(cat => cat.y))).strength(0.2)) // Increased attraction to categories + .on('tick', ticked); + + // Create event dots + const eventGroup = svg.selectAll('circle.event') + .data(events) + .enter() + .append('circle') + .attr('class', 'event') + .attr('r', 5) // Reduced size of event circles + .attr('fill', 'gray') + .call(d3.drag() + .on('start', dragStarted) + .on('drag', dragged) + .on('end', dragEnded) + ); + + // Create edges (initially hidden) + const linkGroup = svg.append('g').selectAll('line') + .data(events.flatMap(event => event.categories.map(category => ({ event, category })))) + .enter() + .append('line') + .attr('class', 'edge') + .attr('stroke', 'red') + .attr('stroke-width', 2) + .style('visibility', 'hidden'); + + // Add hover interaction to show descriptions + const tooltip = d3.select('body').append('div') + .attr('id', 'tooltip') + .style('position', 'absolute') + .style('text-align', 'center') + .style('width', 'auto') + .style('height', 'auto') + .style('padding', '10px') // Increased padding for better visibility + .style('font', '14px sans-serif') // Increased font size + .style('font-weight', 'bold') // Bold text + .style('background', 'lightsteelblue') + .style('border', '1px solid #000') + .style('border-radius', '8px') + .style('pointer-events', 'none') + .style('opacity', 0); + + eventGroup.on('mouseover', function(event, d) { + // Show tooltip + tooltip.transition().duration(200).style('opacity', 0.9); + tooltip.html(d.description) + .style('left', (event.pageX + 10) + 'px') // Adjusted position for better visibility + .style('top', (event.pageY - 40) + 'px'); // Adjusted position for better visibility + + // Show edges + linkGroup + .filter(edge => edge.event === d) + .style('visibility', 'visible'); + }); + + eventGroup.on('mouseout', function() { + // Hide tooltip + tooltip.transition().duration(500).style('opacity', 0); + + // Hide edges + linkGroup.style('visibility', 'hidden'); + }); + + // Update positions on each tick + function ticked() { + eventGroup + .attr('cx', d => d.x) + .attr('cy', d => d.y); + + linkGroup + .attr('x1', d => d.event.x) + .attr('y1', d => d.event.y) + .attr('x2', d => d.category.x) + .attr('y2', d => d.category.y); + } + + // Drag event handlers + function dragStarted(event, d) { + if (!event.active) simulation.alphaTarget(0.3).restart(); + d.fx = d.x; + d.fy = d.y; + } + + function dragged(event, d) { + d.fx = event.x; + d.fy = event.y; + } + + function dragEnded(event, d) { + if (!event.active) simulation.alphaTarget(0); + d.fx = null; + d.fy = null; + } +} + +const buttons_bubble = d3.selectAll('#link_analysis .stadium-button'); +buttons_bubble.on('click', function() { + buttons_bubble.classed('clicked', false); + d3.select(this).classed('clicked', true); + let value = d3.select(this).text(); + refreshGraph(value); +}); \ No newline at end of file diff --git a/assets/scripts/main.js b/assets/scripts/main.js index d82a4ae..b6b5878 100644 --- a/assets/scripts/main.js +++ b/assets/scripts/main.js @@ -11,34 +11,3 @@ new fullpage('#fullpage', { }); -// Select all buttons with the class "stadium-button" -// const buttons = d3.selectAll(".stadium-button"); - -// // Add click event listener to each button -// buttons.on("click", function() { -// // Remove "clicked" class from all buttons to ensure one button is clicked at a time -// buttons.classed("clicked", false); - -// // Add "clicked" class to the clicked button -// d3.select(this).classed("clicked", true); - -// // Get the value of the clicked button -// let value = d3.select(this).text(); - -// // // Update the charts based on the selected continent -// // updateChart(value); -// // updateImpactChart(value); - -// // Select the image element -// const img = d3.select('#map'); - -// // Change the image source based on the value of the clicked button -// if (value === "Points") { -// img.attr("src", "img/points_map.jpg"); -// } else if (value === "Heatmap") { -// img.attr("src", "img/heatmap_map.jpg"); -// } -// }); - - - diff --git a/data/modified_data_similarities.ipynb b/data/modified_data_similarities.ipynb new file mode 100644 index 0000000..93699ca --- /dev/null +++ b/data/modified_data_similarities.ipynb @@ -0,0 +1,396 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Collecting sentence_transformers\n", + " Downloading sentence_transformers-3.0.0-py3-none-any.whl.metadata (10 kB)\n", + "Requirement already satisfied: transformers<5.0.0,>=4.34.0 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from sentence_transformers) (4.38.1)\n", + "Requirement already satisfied: tqdm in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from sentence_transformers) (4.66.2)\n", + "Requirement already satisfied: torch>=1.11.0 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from sentence_transformers) (2.1.0)\n", + "Requirement already satisfied: numpy in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from sentence_transformers) (1.25.2)\n", + "Requirement already satisfied: scikit-learn in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from sentence_transformers) (1.2.2)\n", + "Requirement already satisfied: scipy in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from sentence_transformers) (1.11.4)\n", + "Requirement already satisfied: huggingface-hub>=0.15.1 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from sentence_transformers) (0.20.3)\n", + "Requirement already satisfied: Pillow in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from sentence_transformers) (10.2.0)\n", + "Requirement already satisfied: filelock in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from huggingface-hub>=0.15.1->sentence_transformers) (3.13.1)\n", + "Requirement already satisfied: fsspec>=2023.5.0 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from huggingface-hub>=0.15.1->sentence_transformers) (2023.10.0)\n", + "Requirement already satisfied: requests in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from huggingface-hub>=0.15.1->sentence_transformers) (2.31.0)\n", + "Requirement already satisfied: pyyaml>=5.1 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from huggingface-hub>=0.15.1->sentence_transformers) (6.0.1)\n", + "Requirement already satisfied: typing-extensions>=3.7.4.3 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from huggingface-hub>=0.15.1->sentence_transformers) (4.9.0)\n", + "Requirement already satisfied: packaging>=20.9 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from huggingface-hub>=0.15.1->sentence_transformers) (23.2)\n", + "Requirement already satisfied: sympy in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from torch>=1.11.0->sentence_transformers) (1.12)\n", + "Requirement already satisfied: networkx in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from torch>=1.11.0->sentence_transformers) (3.2.1)\n", + "Requirement already satisfied: jinja2 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from torch>=1.11.0->sentence_transformers) (3.1.3)\n", + "Requirement already satisfied: regex!=2019.12.17 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from transformers<5.0.0,>=4.34.0->sentence_transformers) (2023.12.25)\n", + "Requirement already satisfied: tokenizers<0.19,>=0.14 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from transformers<5.0.0,>=4.34.0->sentence_transformers) (0.15.2)\n", + "Requirement already satisfied: safetensors>=0.4.1 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from transformers<5.0.0,>=4.34.0->sentence_transformers) (0.4.2)\n", + "Requirement already satisfied: joblib>=1.1.1 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from scikit-learn->sentence_transformers) (1.3.2)\n", + "Requirement already satisfied: threadpoolctl>=2.0.0 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from scikit-learn->sentence_transformers) (3.3.0)\n", + "Requirement already satisfied: MarkupSafe>=2.0 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from jinja2->torch>=1.11.0->sentence_transformers) (2.1.5)\n", + "Requirement already satisfied: charset-normalizer<4,>=2 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from requests->huggingface-hub>=0.15.1->sentence_transformers) (3.3.2)\n", + "Requirement already satisfied: idna<4,>=2.5 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from requests->huggingface-hub>=0.15.1->sentence_transformers) (3.6)\n", + "Requirement already satisfied: urllib3<3,>=1.21.1 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from requests->huggingface-hub>=0.15.1->sentence_transformers) (2.0.7)\n", + "Requirement already satisfied: certifi>=2017.4.17 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from requests->huggingface-hub>=0.15.1->sentence_transformers) (2024.2.2)\n", + "Requirement already satisfied: mpmath>=0.19 in /Users/elliot/anaconda3/envs/nlp/lib/python3.10/site-packages (from sympy->torch>=1.11.0->sentence_transformers) (1.3.0)\n", + "Downloading sentence_transformers-3.0.0-py3-none-any.whl (224 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m224.7/224.7 kB\u001b[0m \u001b[31m5.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m\n", + "\u001b[?25hInstalling collected packages: sentence_transformers\n", + "Successfully installed sentence_transformers-3.0.0\n" + ] + } + ], + "source": [ + "!pip install sentence_transformers" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Computing Category similarity \n", + "\n", + "I compute an events similarity to each category by computing the cosine similarity of their embeddings. using sentence embeddings. \n", + "\n", + "To compute the embedding of an event I concatenate it's name and impact and use the sentence transformer to compute the embedding. \n", + "To comput the embeddings of the categories, I use the average embedding of the events in the category.\n", + "\n", + "I then keep the smallest number of categories that account for at least 35% of the weights in the normalized weight vector of the categories representing the event. I put those categories to 1 and the others to 0 this also alowed me to remove the 'Other' category.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 75, + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "from sklearn.metrics.pairwise import cosine_similarity\n", + "from sentence_transformers import SentenceTransformer\n", + "\n", + "# Load the CSV data\n", + "data = pd.read_csv('data/modified_data.csv')\n", + "\n", + "# Extract unique categories, excluding 'Other'\n", + "categories = data['Broad Category'].unique()\n", + "categories = [category for category in categories if category != 'Other']\n", + "\n", + "# Pre-trained SBERT model\n", + "model = SentenceTransformer('paraphrase-MiniLM-L6-v2')\n", + "\n", + "# Function to get SBERT embeddings\n", + "def get_embedding(text):\n", + " embedding = model.encode(text, convert_to_tensor=True)\n", + " return embedding.cpu().detach().numpy()\n", + "\n", + "# Concatenate event name and impact for embeddings\n", + "data['combined_text'] = data['Name of Incident'] + ' ' + data['Type of Event'] + data['Impact']\n", + "data['embedding'] = data['combined_text'].apply(get_embedding)\n", + "\n", + "# Compute average embedding for each category\n", + "category_embeddings = {}\n", + "for category in categories:\n", + " category_events = data[data['Broad Category'] == category]\n", + " embeddings = np.array(category_events['embedding'].tolist())\n", + " category_embedding = np.mean(embeddings, axis=0)\n", + " category_embeddings[category] = category_embedding\n", + "\n", + "# Compute similarity between event embeddings and category embeddings\n", + "similarity_scores = []\n", + "for i, row in data.iterrows():\n", + " event_embedding = row['embedding']\n", + " scores = {category: cosine_similarity(event_embedding.reshape(1, -1), category_embedding.reshape(1, -1))[0][0]\n", + " for category, category_embedding in category_embeddings.items()}\n", + " similarity_scores.append(scores)\n", + "\n", + "# Keep only the categories that together represent at least threshold% of the vector\n", + "def keep_top_categories(scores, threshold=0.55):\n", + "\n", + " normalized_scores = {category: score for category, score in scores.items()}\n", + " \n", + " sorted_scores = sorted(normalized_scores.items(), key=lambda item: item[1], reverse=True)\n", + " cumulative_sum = 0\n", + " selected_categories = {}\n", + " for category, score in sorted_scores:\n", + " if cumulative_sum < threshold:\n", + " cumulative_sum += score\n", + " selected_categories[category] = 1\n", + " else:\n", + " selected_categories[category] = 0\n", + " return selected_categories\n", + "\n", + "# Apply the function to each event\n", + "filtered_similarity_scores = [keep_top_categories(score_dict) for score_dict in similarity_scores]\n", + "\n", + "# Create a DataFrame with the filtered similarity scores\n", + "filtered_similarity_df = pd.DataFrame(filtered_similarity_scores)\n", + "\n", + "# Combine with original data\n", + "final_df = data.join(filtered_similarity_df, rsuffix='_selected')\n", + "final_df.drop(columns=['embedding', 'combined_text'], inplace=True)\n", + "\n", + "# Save the processed data\n", + "final_df.to_csv('processed_events_selected.csv', index=False)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 76, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "Political Events 430\n", + "Social and Cultural Events 344\n", + "Military and Conflict 307\n", + "International Relations and Diplomacy 172\n", + "Economic and Infrastructure Development 137\n", + "Legal and Judicial Changes 118\n", + "Crisis and Emergency Response 106\n", + "Historical and Monumental 103\n", + "Technological and Scientific Advancements 95\n", + "Environmental and Health 80\n", + "Social and Civil Rights 11\n", + "dtype: int64" + ] + }, + "execution_count": 76, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Count the number of ones for each category in the filtered_similarity_df\n", + "category_counts = filtered_similarity_df.sum().sort_values(ascending=False)\n", + "\n", + "# Display the counts\n", + "category_counts" + ] + }, + { + "cell_type": "code", + "execution_count": 77, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/hg/m_l4_1m14_n0nfz7gdn_lbdw0000gn/T/ipykernel_9974/110766220.py:29: ClusterWarning: scipy.cluster: The symmetric non-negative hollow observation matrix looks suspiciously like an uncondensed distance matrix\n", + " optimal_order = optimal_leaf_ordering(linkage_matrix, distance_matrix.values)\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA04AAAPICAYAAADuSatEAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdd3gUZeP18bMJKYRekoC00KRLlfJQpEkHQToiTaX3jnSkWhAUMIDSBJVeFEQ6iDQRAaUpHektCSUESOb9g5f9uSZhQgg7G/b7ua5csjOzm5O4SfbszH3fNsMwDAEAAAAAYuVhdQAAAAAAcHUUJwAAAAAwQXECAAAAABMUJwAAAAAwQXECAAAAABMUJwAAAAAwQXECAAAAABMUJwAAAAAwQXECAAAAABMUJwAvtKCgILVp08bqGPEyYsQI2Ww2Xbt2zfTY5/112mw2jRgxIkEfs02bNgoKCkrQx3SW06dPy2azac6cOVZHcTkVK1ZUxYoVrY4BAAmO4gQg0ZgzZ45sNpv27t0b4/6KFSuqYMGCTk6F/woLC9PIkSNVuHBhJU+eXEmTJlXBggU1YMAAXbhwwWk5pk2b9kIWmy1btshms9k/fHx8FBgYqIoVK2rs2LG6evWq1REB4IWUxOoAAPA8HTt2TB4eL/57RK7ydZ48eVJVq1bV2bNn1bhxY7Vv317e3t46ePCgvvrqKy1fvlx//fWXU7JMmzZN6dOnfy5n4rJly6bw8HB5eXkl+GPHVffu3fXqq68qMjJSV69e1Y4dOzR8+HBNnDhRixYtUuXKlS3LBgAvIooTgBeaj49Pgj3Ww4cPFRUVJW9vb0sfIyYJ+XXG18OHD/Xmm2/q8uXL2rJli8qVK+ewf8yYMZowYYJF6RLGv///+fr6WpqlfPnyatSokcO2AwcOqFq1amrYsKEOHz6sjBkzWpTuye7duydvb2+nlP3n9TMHwP1Y//YkADxHMY39CQkJUc+ePZUlSxb5+PgoV65cmjBhgqKiouzHPB7D8vHHH2vSpEnKmTOnfHx8dPjwYd2/f1/Dhg1T8eLFlSpVKiVLlkzly5fX5s2bHT7Pkx5Dko4ePaomTZrI399fSZMmVZ48eTR48OBoX0NISIjatGmj1KlTK1WqVGrbtq3u3r0bp6+zV69eCgoKko+PjzJnzqxWrVrZx0zF9euIq6VLl+rAgQMaPHhwtNIkSSlTptSYMWNivf/jS9C2bNnisD2m8USXLl1S27ZtlTlzZvn4+Chjxox64403dPr0afv349ChQ9q6dav9krZ/j7t51udATJnatGmj5MmT6/z586pfv76SJ08uf39/9e3bV5GRkQ5f0/Xr1/X2228rZcqUSp06tVq3bq0DBw4887ipwoULa9KkSQoJCdGUKVMc9p0/f17t2rVTYGCgfHx8VKBAAc2aNcvhmMf/DxYtWqQxY8Yoc+bM8vX1VZUqVXT8+PFon2/GjBnKmTOnkiZNqpIlS+rnn3+Odszjx/zuu+80ZMgQZcqUSX5+fgoLC5MkLV68WMWLF1fSpEmVPn16tWzZUufPn4/2OIsXL1b+/Pnl6+urggULavny5dHGySX0z+3UqVOVI0cO+fn5qVq1ajp37pwMw9AHH3ygzJkzK2nSpHrjjTd048aNOP8/ApB4ccYJQKITGhoa44QJDx48ML3v3bt39dprr+n8+fPq0KGDsmbNqh07dmjQoEG6ePGiJk2a5HD87Nmzde/ePbVv314+Pj5KmzatwsLC9OWXX6p58+Z67733dOvWLX311VeqXr269uzZoyJFipg+xsGDB1W+fHl5eXmpffv2CgoK0okTJ/T9999HKxdNmjRR9uzZNW7cOO3bt09ffvmlAgICnnj25vbt2ypfvryOHDmidu3aqVixYrp27ZpWrVqlf/75R+nTp3/qr8PMqlWrJElvv/32U90vPho2bKhDhw6pW7duCgoK0pUrV7R+/XqdPXtWQUFBmjRpkrp166bkyZPby2hgYKCkhHkO/Ltg/VtkZKSqV6+uUqVK6eOPP9aGDRv0ySefKGfOnOrUqZMkKSoqSnXr1tWePXvUqVMn5c2bVytXrlTr1q0T5HvTqFEjvfPOO1q3bp39uXT58mWVLl1aNptNXbt2lb+/v3788Ue98847CgsLU8+ePR0eY/z48fLw8FDfvn0VGhqqDz/8UG+99ZZ2795tP+arr75Shw4d9L///U89e/bUyZMnVa9ePaVNm1ZZsmSJluuDDz6Qt7e3+vbtq4iICHl7e2vOnDlq27atXn31VY0bN06XL1/W5MmT9csvv+j3339X6tSpJUmrV69W06ZNVahQIY0bN043b97UO++8o0yZMsX4PUiIn9sFCxbo/v376tatm27cuKEPP/xQTZo0UeXKlbVlyxYNGDBAx48f1+eff66+fftGK6EAXkAGACQSs2fPNiQ98aNAgQIO98mWLZvRunVr++0PPvjASJYsmfHXX385HDdw4EDD09PTOHv2rGEYhnHq1ClDkpEyZUrjypUrDsc+fPjQiIiIcNh28+ZNIzAw0GjXrp1925Meo0KFCkaKFCmMM2fOOGyPioqy/3v48OGGJIfHNAzDaNCggZEuXbonfp3Dhg0zJBnLli0z/uvx54jr12EYhiHJGD58eLTH+reiRYsaqVKleuIx/9a6dWsjW7Zs9tubN282JBmbN292OO7x93H27Nn2jJKMjz766ImPX6BAAeO1116Ltj0hngP/zfT465FkjBo1yuHYokWLGsWLF7ffXrp0qSHJmDRpkn1bZGSkUbly5WiPGZPH36fFixfHekzhwoWNNGnS2G+/8847RsaMGY1r1645HNesWTMjVapUxt27dx0eO1++fA7PjcmTJxuSjD/++MMwDMO4f/++ERAQYBQpUsThuBkzZhiSHL7vjx8zR44c9s/z78coWLCgER4ebt/+ww8/GJKMYcOG2bcVKlTIyJw5s3Hr1i37ti1bthiSHJ5DCflz6+/vb4SEhNi3Dxo0yJBkFC5c2Hjw4IF9e/PmzQ1vb2/j3r17BoAXG5fqAUh0pk6dqvXr10f7eOWVV0zvu3jxYpUvX15p0qTRtWvX7B9Vq1ZVZGSktm3b5nB8w4YN5e/v77DN09PTPl4iKipKN27c0MOHD1WiRAnt27cv2uf872NcvXpV27ZtU7t27ZQ1a1aHY202W7T7d+zY0eF2+fLldf36dfulTjFZunSpChcurAYNGkTb9/hzPO3XYSYsLEwpUqR46vs9raRJk8rb21tbtmzRzZs3n/r+CfEceJKY/n+dPHnSfnvt2rXy8vLSe++9Z9/m4eGhLl26PPXXEpvkyZPr1q1bkiTDMLR06VLVrVtXhmE4fM3Vq1dXaGhotP/fbdu2dRgTVL58eUmyfx179+7VlStX1LFjR4fj2rRpo1SpUsWYqXXr1kqaNKn99uPH6Ny5s8N4sdq1aytv3rxavXq1JOnChQv6448/1KpVKyVPntx+3GuvvaZChQrF+LkS4ue2cePGDl9LqVKlJEktW7ZUkiRJHLbfv38/xssLAbxYuFQPQKJTsmRJlShRItr2xy+En+Tvv//WwYMHY30hfOXKFYfb2bNnj/G4uXPn6pNPPtHRo0cdLhGM6fj/bnv84jOuU6f/t1ylSZNGknTz5k2lTJkyxvucOHFCDRs2NH3sp/k6zKRMmdKhIDwvPj4+mjBhgvr06aPAwECVLl1aderUUatWrZQhQwbT+yfUcyAmvr6+0R43TZo0DgXvzJkzypgxo/z8/ByOy5UrV5w/j5nbt2/bS+zVq1cVEhKiGTNmaMaMGTEe/9+v+UnPOenR1yBJuXPndjjOy8tLOXLkiPFz/Pf7+Pgx8uTJE+3YvHnzavv27Q7HxfT9yZUrV4ylJyF+bv/7PXhcov57GeLj7fEp8QASF4oTALcSFRWl119/Xf37949x/8svv+xw+9/vkD82f/58tWnTRvXr11e/fv0UEBAgT09PjRs3TidOnIh2fEyP8TQ8PT1j3G4YxjM97tN+HWby5s2r33//XefOnYtxjIuZmM62SYo2sYIk9ezZU3Xr1tWKFSv0008/aejQoRo3bpw2bdqkokWLPvHzJMRzIDax/b9ypgcPHuivv/6yF/PH47FatmwZ6ziq/56tfR7PuWf9OXjWz/W0z/fYvgfP6+cRgOujOAFwKzlz5tTt27dVtWrVeD/GkiVLlCNHDi1btszhxf7w4cPjdP/H78j/+eef8c5gJmfOnKaP/6xfx3/VrVtX3377rebPn69BgwY99f0fn9UICQlx2P74jMN/5cyZU3369FGfPn30999/q0iRIvrkk080f/58SbEXsYR4DjyLbNmyafPmzbp7967DWaeYZq2LjyVLlig8PFzVq1eXJPn7+ytFihSKjIxMsK85W7Zskh6dvfv3elEPHjzQqVOnVLhw4Tg/xrFjx6KtOXXs2DH7/sf/jen78zTfs4R+vgNwP4xxAuBWmjRpop07d+qnn36Kti8kJEQPHz40fYzH7zj/+x3m3bt3a+fOnXHK4O/vrwoVKmjWrFk6e/asw76Eete6YcOGOnDggJYvXx5t3+PP8axfx381atRIhQoV0pgxY2J8jFu3bsU43fpj2bJlk6enZ7QxRtOmTXO4fffuXd27d89hW86cOZUiRQpFRETYtyVLlixaCZMS5jnwLKpXr64HDx5o5syZ9m1RUVGaOnXqMz/2gQMH1LNnT6VJk8Y+ZsrT01MNGzbU0qVLYyzTV69eferPU6JECfn7+ys4OFj379+3b58zZ06M3/PYHiMgIEDBwcEO/99+/PFHHTlyRLVr15YkvfTSSypYsKDmzZun27dv24/bunWr/vjjjzhnTujnOwD3wxknAG6lX79+WrVqlerUqaM2bdqoePHiunPnjv744w8tWbJEp0+fVvr06Z/4GHXq1NGyZcvUoEED1a5dW6dOnVJwcLDy58/v8MLuST777DOVK1dOxYoVU/v27ZU9e3adPn1aq1ev1v79+xPk61yyZIkaN26sdu3aqXjx4rpx44ZWrVql4OBgFS5cOEG+jn/z8vLSsmXLVLVqVVWoUEFNmjRR2bJl5eXlpUOHDumbb75RmjRpYl3LKVWqVGrcuLE+//xz2Ww25cyZUz/88EO08Td//fWXqlSpoiZNmih//vxKkiSJli9frsuXL6tZs2b244oXL64vvvhCo0ePVq5cuRQQEKDKlSsnyHPgWdSvX18lS5ZUnz59dPz4ceXNm1erVq2yrwUU25my//r555917949RUZG6vr16/rll1+0atUqpUqVSsuXL3cY7zV+/Hht3rxZpUqV0nvvvaf8+fPrxo0b2rdvnzZs2PDU6xB5eXlp9OjR6tChgypXrqymTZvq1KlTmj17dqxjnGJ6jAkTJqht27Z67bXX1Lx5c/t05EFBQerVq5f92LFjx+qNN95Q2bJl1bZtW928eVNTpkxRwYIF4/xcTejnOwD3Q3EC4Fb8/Py0detWjR07VosXL9a8efOUMmVKvfzyyxo5cmSsM4L9W5s2bXTp0iVNnz5dP/30k/Lnz6/58+dr8eLF0RZvjU3hwoW1a9cuDR06VF988YXu3bunbNmyqUmTJs/4FT6SPHly/fzzzxo+fLiWL1+uuXPnKiAgQFWqVFHmzJkT7Ov4r1y5cmn//v369NNPtXz5cq1YsUJRUVHKlSuX3n33XXXv3v2J9//888/14MEDBQcHy8fHR02aNNFHH33kMJFGlixZ1Lx5c23cuFFff/21kiRJorx582rRokUOE2IMGzZMZ86c0Ycffqhbt27ptddeU+XKlRPkOfAsPD09tXr1avXo0UNz586Vh4eHGjRooOHDh6ts2bIOM8w9yWeffSbpUQFJnTq18uXLp5EjR+q9996LNkFFYGCg9uzZo1GjRmnZsmWaNm2a0qVLpwIFCjxxPbAnad++vSIjI/XRRx+pX79+KlSokFatWqWhQ4fG+THatGkjPz8/jR8/XgMGDFCyZMnUoEEDTZgwwb6Gk/R/l4GOGDFCAwcOVO7cuTVnzhzNnTtXhw4divPnSujnOwD3YjMYzQgAgOVWrFihBg0aaPv27SpbtqzVcRKFIkWKyN/fX+vXr7c6CgA3wBgnAACcLDw83OF2ZGSkPv/8c6VMmVLFihWzKJXrevDgQbSxZ1u2bNGBAwdUsWJFa0IBcDtcqgcAgJN169ZN4eHhKlOmjCIiIrRs2TLt2LFDY8eOdeq03YnF+fPnVbVqVbVs2VIvvfSSjh49quDgYGXIkCHagsMA8LxwqR4AAE72zTff6JNPPtHx48d179495cqVS506dVLXrl2tjuaSQkND1b59e/3yyy+6evWqkiVLpipVqmj8+PHKmTOn1fEAuAmKEwAAAACYYIwTAAAAAJigOAEAAACACbebHCIqKkoXLlxQihQp4rzIIAAAAIAXj2EYunXrll566SV5eDz5nJLbFacLFy4oS5YsVscAAAAA4CLOnTtnXyA+Nm5XnFKkSCHp0TcnZcqUFqcBAAAAYJWwsDBlyZLF3hGexO2K0+PL81KmTElxAgAAABCnITxMDgEAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGAiidUBAFdnGIbCH0RaHQMAEIukXp6y2WxWxwDwgqM4AU9gGIYaBe/Ub2duWh0FABCLEtnSaHHHMpQnAM8Vl+oBTxD+IJLSBAAubu+Zm1wZAOC544wTEEd7h1SVn7en1TEAAP/f3fuRKjF6g9UxALgJihMQR37envLz5kcGAADAHXGpHgAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYoDgBAAAAgAmKEwAAAACYSGJ1AAAAnoZhGAp/EGl1DLiAu/cfxvhvuLekXp6y2WxWx8ALiOIEAEg0DMNQo+Cd+u3MTaujwMWUGL3R6ghwESWypdHijmUoT0hwXKoHAEg0wh9EUpoAPNHeMzc5K43ngjNOAIBEae+QqvLz9rQ6BgAXcfd+pEqM3mB1DLzAKE4AgETJz9tTft78GQMAOAeX6gEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJiwtDht27ZNdevW1UsvvSSbzaYVK1aY3mfLli0qVqyYfHx8lCtXLs2ZM+e55wQAAADg3iwtTnfu3FHhwoU1derUOB1/6tQp1a5dW5UqVdL+/fvVs2dPvfvuu/rpp5+ec1IAAAAA7szSeVxr1qypmjVrxvn44OBgZc+eXZ988okkKV++fNq+fbs+/fRTVa9e/XnFBAAAAODmEtUCGDt37lTVqlUdtlWvXl09e/aM9T4RERGKiIiw3w4LC3te8QDA5RiGofAHkVbHSDB37z+M8d8vgqRenrLZbFbHAADEIlEVp0uXLikwMNBhW2BgoMLCwhQeHq6kSZNGu8+4ceM0cuRIZ0UEAJdhGIYaBe/Ub2duWh3luSgxeqPVERJUiWxptLhjGcoTALioRFWc4mPQoEHq3bu3/XZYWJiyZMliYSLX9aK9M50QXuR3txMK75K7rvAHkS9saXoR7T1zU+EPIuXn/cL/aQaARClR/XbOkCGDLl++7LDt8uXLSpkyZYxnmyTJx8dHPj4+zoiXqL3o70wnhBft3e2EwrvkicPeIVXl5+1pdQzE4O79SJUYvcHqGEhkeLMzOt7sNMebnc8mURWnMmXKaM2aNQ7b1q9frzJlyliU6MXBO9OIL94lTxz8vD35f/QfrvPC07D/y1Ve7PHiyrXxZqc53uyMGW92PhtL/4revn1bx48ft98+deqU9u/fr7Rp0ypr1qwaNGiQzp8/r3nz5kmSOnbsqClTpqh///5q166dNm3apEWLFmn16tVWfQkvJN6ZRlzwLjkSM1d94ekqL/Z4ceXaeLMT8cWbnc/G0u/a3r17ValSJfvtx2ORWrdurTlz5ujixYs6e/asfX/27Nm1evVq9erVS5MnT1bmzJn15ZdfMhV5AuOdaQAvOl54PhkvrhIP3uxEXPBmZ8Kw9DdixYoVZRhGrPvnzJkT431+//3355gKAOBOeOH5f3hxlfjwZifgPPykAQDcGi88AQBx4WF1AAAAAABwdRQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAEyxcAQAAADwHhmEo/EGk1TF09/7DGP9tpaRenrLZbFbHeCoUJwAAACCBGYahRsE79duZm1ZHcVBi9EarI0iSSmRLo8UdyySq8sSlegAAAEACC38Q6XKlyZXsPXPTJc7GPQ3OOAEAAADP0d4hVeXn7Wl1DJdw936kSozeYHWMeKE4AQAAAM+Rn7en/Lx52Z3YcakeAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACUapAQAAxAGLmcYuMS5mCjwtihMAAIAJFjN9ssS4mCnwtLhUDwAAwASLmT5ZYlzMFHhanHECAAB4Cixm+n8S82KmwNOiOAEAADwFFjMF3BOX6gEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACAiSRWB3B3hmEo/EGk1TF09/7DGP9tpaRenrLZbFbHAAAAAChOVjIMQ42Cd+q3MzetjuKgxOiNVkeQJJXIlkaLO5ahPAEAAMByXKpnofAHkS5XmlzJ3jM3XeJsHAAAAMAZJxexd0hV+Xl7Wh3DJdy9H6kSozdYHQMAAACwozi5CD9vT/l5878DAAAAcEVcqgcAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJihOAAAAAGCC4gQAAAAAJiwvTlOnTlVQUJB8fX1VqlQp7dmz54nHT5o0SXny5FHSpEmVJUsW9erVS/fu3XNSWgAAAADuyNLitHDhQvXu3VvDhw/Xvn37VLhwYVWvXl1XrlyJ8fhvvvlGAwcO1PDhw3XkyBF99dVXWrhwod5//30nJwcAAADgTiwtThMnTtR7772ntm3bKn/+/AoODpafn59mzZoV4/E7duxQ2bJl1aJFCwUFBalatWpq3ry56VkqAAAAAHgWlhWn+/fv67ffflPVqlX/L4yHh6pWraqdO3fGeJ///e9/+u233+xF6eTJk1qzZo1q1aoV6+eJiIhQWFiYwwcAAAAAPI0kVn3ia9euKTIyUoGBgQ7bAwMDdfTo0Rjv06JFC127dk3lypWTYRh6+PChOnbs+MRL9caNG6eRI0cmaHYAAAAA7sXyySGexpYtWzR27FhNmzZN+/bt07Jly7R69Wp98MEHsd5n0KBBCg0NtX+cO3fOiYkBAAAAvAgsO+OUPn16eXp66vLlyw7bL1++rAwZMsR4n6FDh+rtt9/Wu+++K0kqVKiQ7ty5o/bt22vw4MHy8IjeA318fOTj45PwXwAAAAAAt2HZGSdvb28VL15cGzdutG+LiorSxo0bVaZMmRjvc/fu3WjlyNPTU5JkGMbzCwsAAADArVl2xkmSevfurdatW6tEiRIqWbKkJk2apDt37qht27aSpFatWilTpkwaN26cJKlu3bqaOHGiihYtqlKlSun48eMaOnSo6tatay9QAAAAAJDQLC1OTZs21dWrVzVs2DBdunRJRYoU0dq1a+0TRpw9e9bhDNOQIUNks9k0ZMgQnT9/Xv7+/qpbt67GjBlj1ZcAAAAAwA1YWpwkqWvXruratWuM+7Zs2eJwO0mSJBo+fLiGDx/uhGQAAAAA8EiimlUPAAAAAKxAcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADBBcQIAAAAAExQnAAAAADDxzMXp3r17CZEDAAAAAFxWkvjcKSoqSmPGjFFwcLAuX76sv/76Szly5NDQoUMVFBSkd955J6FzApAkw5Ae3LU6xSP3I//177uSPC2LYuflJ9lsVqcAAAAvoHgVp9GjR2vu3Ln68MMP9d5779m3FyxYUJMmTaI4Ac+DYUizqkvndlud5BHDR9LsR//+KJdki7A0jiQpS2mp3VrKEwAASHDxulRv3rx5mjFjht566y15ev7fu8yFCxfW0aNHEywcgH95cNd1SpMkP1uETvu20GnfFvJzhdIkSed2uc4ZOQAA8EKJ1xmn8+fPK1euXNG2R0VF6cGDB88cCoCJvsclbz+rU7iO+3elj6P/TgIAAEgo8SpO+fPn188//6xs2bI5bF+yZImKFi2aIMEAPIG3n+SdzOoUAAAAbiNexWnYsGFq3bq1zp8/r6ioKC1btkzHjh3TvHnz9MMPPyR0RgAAAACwVLzGOL3xxhv6/vvvtWHDBiVLlkzDhg3TkSNH9P333+v1119P6IwAAAAAYKl4nXGSpPLly2v9+vUJmQUAAAAAXFK8zjj9+uuv2r07+uxeu3fv1t69e585FAAAAAC4kngVpy5duujcuXPRtp8/f15dunR55lAAAAAA4EriVZwOHz6sYsWKRdtetGhRHT58+JlDAQAAAIAriVdx8vHx0eXLl6Ntv3jxopIkifewKQAAAABwSfEqTtWqVdOgQYMUGhpq3xYSEqL333+fWfUAAAAAvHDidXro448/VoUKFZQtWzb7grf79+9XYGCgvv766wQNCAAAAABWi1dxypQpkw4ePKgFCxbowIEDSpo0qdq2bavmzZvLy8sroTMCAAAAgKXiPSApWbJkat++fUJmAQAAAACXFO/i9Pfff2vz5s26cuWKoqKiHPYNGzbsmYMBAAAAgKuIV3GaOXOmOnXqpPTp0ytDhgyy2Wz2fTabjeIEAAAA4IUSr+I0evRojRkzRgMGDEjoPAAAAADgcuI1HfnNmzfVuHHjhM4CAAAAAC4pXsWpcePGWrduXYIEmDp1qoKCguTr66tSpUppz549Tzw+JCREXbp0UcaMGeXj46OXX35Za9asSZAsAAAAABCTeF2qlytXLg0dOlS7du1SoUKFok1B3r179zg9zsKFC9W7d28FBwerVKlSmjRpkqpXr65jx44pICAg2vH379/X66+/roCAAC1ZskSZMmXSmTNnlDp16vh8GQAAAAAQJ/EqTjNmzFDy5Mm1detWbd261WGfzWaLc3GaOHGi3nvvPbVt21aSFBwcrNWrV2vWrFkaOHBgtONnzZqlGzduaMeOHfayFhQUFJ8vAQAAAADiLF7F6dSpU8/8ie/fv6/ffvtNgwYNsm/z8PBQ1apVtXPnzhjvs2rVKpUpU0ZdunTRypUr5e/vrxYtWmjAgAHy9PSM8T4RERGKiIiw3w4LC3vm7AAAAADcS7zGOCWEa9euKTIyUoGBgQ7bAwMDdenSpRjvc/LkSS1ZskSRkZFas2aNhg4dqk8++USjR4+O9fOMGzdOqVKlsn9kyZIlQb8OAAAAAC++eC+A+88//2jVqlU6e/as7t+/77Bv4sSJzxwsJlFRUQoICNCMGTPk6emp4sWL6/z58/roo480fPjwGO8zaNAg9e7d2347LCyM8gQAAADgqcSrOG3cuFH16tVTjhw5dPToURUsWFCnT5+WYRgqVqxYnB4jffr08vT01OXLlx22X758WRkyZIjxPhkzZpSXl5fDZXn58uXTpUuXdP/+fXl7e0e7j4+Pj3x8fJ7iqwMAAAAAR/G6VG/QoEHq27ev/vjjD/n6+mrp0qU6d+6cXnvttTiv7+Tt7a3ixYtr48aN9m1RUVHauHGjypQpE+N9ypYtq+PHjysqKsq+7a+//lLGjBljLE0AAAAAkBDiVZyOHDmiVq1aSZKSJEmi8PBwJU+eXKNGjdKECRPi/Di9e/fWzJkzNXfuXB05ckSdOnXSnTt37LPstWrVymHyiE6dOunGjRvq0aOH/vrrL61evVpjx45Vly5d4vNlAAAAAECcxOtSvWTJktnHNWXMmFEnTpxQgQIFJD2a9CGumjZtqqtXr2rYsGG6dOmSihQporVr19onjDh79qw8PP6v22XJkkU//fSTevXqpVdeeUWZMmVSjx49NGDAgPh8GQAAAAAQJ/EqTqVLl9b27duVL18+1apVS3369NEff/yhZcuWqXTp0k/1WF27dlXXrl1j3Ldly5Zo28qUKaNdu3bFJzYAAAAAxEu8itPEiRN1+/ZtSdLIkSN1+/ZtLVy4ULlz535uM+oBAAAAgFXiVZxy5Mhh/3eyZMkUHBycYIEAAAAAwNXEa3KIHDly6Pr169G2h4SEOJQqAAAAAHgRxKs4nT59WpGRkdG2R0RE6Pz5888cCgAAAABcyVNdqrdq1Sr7v3/66SelSpXKfjsyMlIbN25UUFBQgoUDAAAAAFfwVMWpfv36kiSbzabWrVs77PPy8lJQUJA++eSTBAsHAAAAAK7gqYpTVFSUJCl79uz69ddflT59+ucSCgAAAABcSbxm1Tt16lS0bSEhIUqdOvWz5gEAAAAAlxOvySEmTJighQsX2m83btxYadOmVaZMmXTgwIEECwcAAAAAriBexSk4OFhZsmSRJK1fv14bNmzQ2rVrVbNmTfXr1y9BAwIAAACA1eJ1qd6lS5fsxemHH35QkyZNVK1aNQUFBalUqVIJGhAAAAAArBavM05p0qTRuXPnJElr165V1apVJUmGYcS4vhMAAAAAJGbxOuP05ptvqkWLFsqdO7euX7+umjVrSpJ+//135cqVK0EDAgAAAIDV4lWcPv30UwUFBencuXP68MMPlTx5cknSxYsX1blz5wQNCAAAAABWi1dx8vLyUt++faNt79Wr1zMHAgAAAABXE+fitGrVKtWsWVNeXl5atWrVE4+tV6/eMwcDAAAAAFcR5+JUv359Xbp0SQEBAapfv36sx9lsNiaIAAAAAPBCiXNxioqKivHfAAAAAPCie+oxTlFRUZozZ46WLVum06dPy2azKUeOHGrYsKHefvtt2Wy255ETAAAAACzzVOs4GYahevXq6d1339X58+dVqFAhFShQQKdPn1abNm3UoEGD55UTAAAAACzzVGec5syZo23btmnjxo2qVKmSw75Nmzapfv36mjdvnlq1apWgIQEAAADASk91xunbb7/V+++/H600SVLlypU1cOBALViwIMHCAQAAAIAreKridPDgQdWoUSPW/TVr1tSBAweeORQAAAAAuJKnKk43btxQYGBgrPsDAwN18+bNZw4FAAAAAK7kqYpTZGSkkiSJfViUp6enHj58+MyhAAAAAMCVPNXkEIZhqE2bNvLx8Ylxf0RERIKEAgAAAABX8lTFqXXr1qbHMKMeAAAAgBfNUxWn2bNnP68cAAAAAOCynmqMEwAAAAC4I4oTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJigOAEAAACACYoTAAAAAJhwieI0depUBQUFydfXV6VKldKePXvidL/vvvtONptN9evXf74BAQAAALg1y4vTwoUL1bt3bw0fPlz79u1T4cKFVb16dV25cuWJ9zt9+rT69u2r8uXLOykpAAAAAHdleXGaOHGi3nvvPbVt21b58+dXcHCw/Pz8NGvWrFjvExkZqbfeeksjR45Ujhw5nJgWAAAAgDuytDjdv39fv/32m6pWrWrf5uHhoapVq2rnzp2x3m/UqFEKCAjQO++8Y/o5IiIiFBYW5vABAAAAAE/D0uJ07do1RUZGKjAw0GF7YGCgLl26FON9tm/frq+++kozZ86M0+cYN26cUqVKZf/IkiXLM+cGAAAA4F4sv1Tvady6dUtvv/22Zs6cqfTp08fpPoMGDVJoaKj949y5c885JQAAAIAXTRIrP3n69Onl6empy5cvO2y/fPmyMmTIEO34EydO6PTp06pbt659W1RUlCQpSZIkOnbsmHLmzOlwHx8fH/n4+DyH9AAAAADchaVnnLy9vVW8eHFt3LjRvi0qKkobN25UmTJloh2fN29e/fHHH9q/f7/9o169eqpUqZL279/PZXgAAAAAngtLzzhJUu/evdW6dWuVKFFCJUuW1KRJk3Tnzh21bdtWktSqVStlypRJ48aNk6+vrwoWLOhw/9SpU0tStO0AAAAAkFAsL05NmzbV1atXNWzYMF26dElFihTR2rVr7RNGnD17Vh4eiWooFgAAAIAXjOXFSZK6du2qrl27xrhvy5YtT7zvnDlzEj4QAAAAAPwLp3IAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwATFCQAAAABMUJwAAAAAwIRLFKepU6cqKChIvr6+KlWqlPbs2RPrsTNnzlT58uWVJk0apUmTRlWrVn3i8QAAAADwrCwvTgsXLlTv3r01fPhw7du3T4ULF1b16tV15cqVGI/fsmWLmjdvrs2bN2vnzp3KkiWLqlWrpvPnzzs5OQAAAAB3YXlxmjhxot577z21bdtW+fPnV3BwsPz8/DRr1qwYj1+wYIE6d+6sIkWKKG/evPryyy8VFRWljRs3Ojk5AAAAAHdhaXG6f/++fvvtN1WtWtW+zcPDQ1WrVtXOnTvj9Bh3797VgwcPlDZt2hj3R0REKCwszOEDAAAAAJ6GpcXp2rVrioyMVGBgoMP2wMBAXbp0KU6PMWDAAL300ksO5evfxo0bp1SpUtk/smTJ8sy5AQAAALgXyy/Vexbjx4/Xd999p+XLl8vX1zfGYwYNGqTQ0FD7x7lz55ycEgAAAEBil8TKT54+fXp5enrq8uXLDtsvX76sDBkyPPG+H3/8scaPH68NGzbolVdeifU4Hx8f+fj4JEheAAAAAO7J0jNO3t7eKl68uMPEDo8neihTpkys9/vwww/1wQcfaO3atSpRooQzogIAAABwY5aecZKk3r17q3Xr1ipRooRKliypSZMm6c6dO2rbtq0kqVWrVsqUKZPGjRsnSZowYYKGDRumb775RkFBQfaxUMmTJ1fy5Mkt+zoAAAAAvLgsL05NmzbV1atXNWzYMF26dElFihTR2rVr7RNGnD17Vh4e/3di7IsvvtD9+/fVqFEjh8cZPny4RowY4czoAAAAANyE5cVJkrp27aquXbvGuG/Lli0Ot0+fPv38AwEAAADAvyTqWfUAAAAAwBkoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgguIEAAAAACYoTgAAAABgwiWK09SpUxUUFCRfX1+VKlVKe/bseeLxixcvVt68eeXr66tChQppzZo1TkoKAAAAwB1ZXpwWLlyo3r17a/jw4dq3b58KFy6s6tWr68qVKzEev2PHDjVv3lzvvPOOfv/9d9WvX1/169fXn3/+6eTkAAAAANyF5cVp4sSJeu+999S2bVvlz59fwcHB8vPz06xZs2I8fvLkyapRo4b69eunfPny6YMPPlCxYsU0ZcoUJycHAAAA4C6SWPnJ79+/r99++02DBg2yb/Pw8FDVqlW1c+fOGO+zc+dO9e7d22Fb9erVtWLFihiPj4iIUEREhP12aGioJCksLOwZ0z+7u/cfKirirqRHeR56W/q/w2XwfYnF/TtShPHo32FhknektXlcCd+bGPGzFDu+NzHj+xI7vjcx4/sSO743MXO178vjTmAYhvnBhoXOnz9vSDJ27NjhsL1fv35GyZIlY7yPl5eX8c033zhsmzp1qhEQEBDj8cOHDzck8cEHH3zwwQcffPDBBx98xPhx7tw50+7ywlffQYMGOZyhioqK0o0bN5QuXTrZbDYLkwEAAACwkmEYunXrll566SXTYy0tTunTp5enp6cuX77ssP3y5cvKkCFDjPfJkCHDUx3v4+MjHx8fh22pU6eOf2gAAAAAL4xUqVLF6ThLJ4fw9vZW8eLFtXHjRvu2qKgobdy4UWXKlInxPmXKlHE4XpLWr18f6/EAAAAA8Kwsv1Svd+/eat26tUqUKKGSJUtq0qRJunPnjtq2bStJatWqlTJlyqRx48ZJknr06KHXXntNn3zyiWrXrq3vvvtOe/fu1YwZM6z8MgAAAAC8wCwvTk2bNtXVq1c1bNgwXbp0SUWKFNHatWsVGBgoSTp79qw8PP7vxNj//vc/ffPNNxoyZIjef/995c6dWytWrFDBggWt+hIAAAAAvOBshhGXufcAAAAAwH1ZvgAuAAAAALg6ihMAAAAAmKA4AQAAAIAJihMAAAAAmKA4OVGnTp20Y8cOq2O4nMqVK0dbm+vfNm/erMqVKzsxkeu6e/euZs2apS+++EJnzpyxOg4AuJ379+/rzp07VscAEo1Ro0bpzz//jHX/oUOHNGrUKCcmij9m1XOiVKlS6fbt2woKClLLli3VsmVL5c6d2+pYlvPw8ND8+fPVokWLGPcvXLhQLVq0UGRkpJOTWeudd97R7t277b9s7t+/rxIlSthvp0qVSps2bVLRokWtjGmJW7duKSQkRFmyZLFvu3DhgoKDgxUREaGGDRuqZMmSFia0xv79+3XkyBE1b97cvu2nn37SmDFjFBERoRYtWqhHjx4WJrQOz5lH4vMmlM1me+KbWy+q7777Trt379ann35q3zZy5EiNGTNGhmGoTp06+vrrr5U8eXILU1ojLCxM06ZN0+bNm3XlyhVNnz5dJUuW1I0bNzRnzhzVq1dPuXLlsjqmJSIjI/XTTz/p5MmTunnzpv77Mttms2no0KEWpbPGi/Q6z/J1nNzJlStXtGrVKs2fP1/jx4/X6NGjVaJECbVq1UpNmzZV+vTprY5oGZvNFuu+48ePK0WKFE5M4xo2b96sli1b2m9/8803+vPPP7VgwQIVLlxYDRs21MiRI7VixQrrQlqkffv2OnXqlHbt2iXp0R/x0qVL659//pGHh4cmT56stWvXqmLFitYGdbL+/fvLz8/PXpxOnTqlBg0aKF26dHrppZfUu3dvJU2aVO3bt7c4qfPxnHkkKirqib9vY+Ku769+8sknDm9M7dixQyNHjlTt2rWVL18+ff755xozZozGjRtnYUrn++eff/Taa6/p3Llzyp07t44eParbt29LktKmTavp06frzJkzmjx5ssVJnW/v3r1q2LCh/vnnn1h/btyxOJm5ceOGvL29rY4RJxQnJ/Lx8VHjxo3VuHFj3bx5U4sWLdKCBQvUvXt39e7dW6+//rpatWqlevXqydfX1+q4z9XcuXM1d+5c++3Ro0dr5syZ0Y4LCQnRwYMHVatWLWfGcwmXLl1SUFCQ/faKFStUokQJ+4vi9957Tx999JFF6ay1fft2dejQwX57/vz5unDhgnbs2KECBQqoSpUqGj169Av/Ivi/Dhw4oH79+tlvz5s3T56envr999+VPn16NW3aVMHBwW5ZnHjOPLJlyxarIyQaJ06cUOvWre23v/nmG2XIkEHLly9XkiRJFBUVpaVLl7pdcerXr59u3bql/fv3KyAgQAEBAQ7769evrx9++MGidNbq3LmzwsPDtWLFCpUvX16pU6e2OpJltm3b5vD7ZtmyZTp+/Hi040JCQrRw4UIVKlTIienij+JkkTRp0qhDhw7q0KGDzp49q379+mnx4sX68ccflSJFCjVq1Ejdu3fXK6+8YnXU5+Lu3bu6evWq/fatW7fk4eE45M5msylZsmTq2LGjhg0b5uyIlkuWLJlCQkIkSQ8fPtSWLVvUrVs3+/4UKVIoNDTUonTWunbtmjJlymS/vWrVKpUrV06lS5eWJLVq1UojR460Kp5lQkNDlS5dOvvtNWvW6PXXX7efzX799df1448/WhXPUjxn8LQiIiIc3sRct26datasqSRJHr10yp8/v6ZNm2ZVPMusW7dOvXr1Uv78+XX9+vVo+3PkyKFz585ZkMx6Bw8e1JgxY1S3bl2ro1hu8+bN9t+pNptNy5Yt07Jly2I8Nn/+/Pr888+dGS/eKE4WOnfunBYsWKAFCxbo0KFDSpcunZo2bSpvb2/Nnz9fc+bM0eeff65OnTpZHTXBderUyf51Zc+eXZMnT1a9evUsTuVaihUrppkzZ6pSpUpatWqVbt265fDL+MSJEwoMDLQwoXVSp06tS5cuSZLCw8P1888/a/Dgwfb9SZIk0d27d62KZ5mMGTPqyJEjkqSLFy/qt99+U9u2be37b9++He0NCnfBc8bcrVu3FBoaqqioqGj7smbNakEia2XPnl0bNmzQu+++q7179+r48eMaM2aMff/ly5fdcnxTeHi4/P39Y91/69YtJ6ZxLZkzZ3bbS1v/q3///uratasMw1BAQICCg4PVsGFDh2NsNpv8/PwS11VWBpzq5s2bxvTp040KFSoYnp6eho+Pj/Hmm28ay5cvN+7fv28/7t69e0aDBg2MDBkyWJgWVvr111+NtGnTGh4eHobNZjMaN27ssP/ll1823nrrLYvSWevNN980MmfObCxbtsxo37694eHhYfz555/2/b169TJy585tYUJr9OjRw/D19TW6detmlCxZ0vDz8zMuXbpk39+mTRujaNGiFia0Ds+Z2E2bNs3IlSuX4eHhEeuHO/rss88Mm81mFCpUyEiTJo2RJUsW4+7du/b9tWvXNipWrGhhQmsUL17caNGihWEYhnHt2jXDZrMZGzdutO8vW7asUaFCBaviWWrGjBnGyy+/bISGhlodxaWcPn3auHPnjtUxEgRnnJyoQYMG+vHHH3X//n2VKlVKn3/+uZo1a6Y0adJEO9bHx0eNGjVyi4H/GzZs0KZNmzR27NgY9w8ePFhVqlRxuynJS5QooaNHj2rHjh1KnTq1XnvtNfu+kJAQde7c+YUfjxGbCRMmqFq1avZ3r/r06aMCBQpIejSj0eLFi1WjRg0rI1pi9OjRunr1qr7++mulTp1ac+bMsZ+VDAsL05IlS9SlSxeLU1qD50zMgoOD1aVLF1WvXl3t2rXT4MGD1atXL/n6+tqfP927d7c6piW6desmX19frVmzRsWLF9eAAQOUNGlSSY8Gs1+6dEkdO3a0OKXz9ezZU61bt9Yrr7yixo0bS3o06cjx48c1cuRI7dy5U0uXLrU4pXNMnDgx2rbkyZMrV65catasmbJkySJPT0+H/TabTb169XJWRJeQLVs2qyMkGKYjd6Ls2bOrZcuWatWqVZymIb969aoOHz7s8IL5RfTaa68pa9as+vrrr2Pc36ZNG509e1abNm1ycjJrbdu2Tfny5Yv1koirV6/qyJEjqlChgpOTuYYHDx7o8OHDSpUqlcMkGrdu3dKmTZtUpEiRF+qX9bOKiorSrVu3lCxZMvsYDXdj9pwpXLiww3Z3UKBAAWXNmlU//vijrl+/Ln9/f23YsEGVK1dWaGioSpQooY4dO6pPnz5WR4ULGTNmjEaMGCHDMBQVFSUPDw8ZhiEPDw+NHj1aAwYMsDqiU8Tn0mebzZYopt1OSIZhaMaMGfrqq6/s07T/l81m08OHDy1I93Tc86+nRU6dOvVUx/v7+7/wpUmS/vjjD/u7VjF59dVX3XKGnkqVKunrr7+Odd2DTZs2JZp1DxLavHnzVKFCBRUuXDjavhQpUqhw4cLaunWrWrVqZUE667Rr104dOnRQqVKlou3z8PDQsWPHFBwcrFmzZlmQznpeXl6xPmfeeOMNCxJZ78SJE/azkF5eXpIerRknPVor7t1339W0adPcsjjlyJFDkyZNinX87Q8//KDu3bvr5MmTTk5mvcGDB+vtt9/W0qVLdfz4cUVFRSlnzpx68803lSNHDqvjOc3Tvq5zV/3799fEiRNVpEgRtWzZMsYrrRILipMTnTp1Sn/++Wess618//33KlSokNu94xkREWH/Qx3bfncctG12MjgiIiLaJQDuom3btvr6669j/VnZvXu32rZt63bFac6cOapatWqMxUl69Dto7ty5blucWLQzulSpUtnf5U2ZMqX8/PwcZkRLkSKFfVINd3P69Gn7+kQxuX37ts6cOePERK4la9asbnfJ2X9xVUPczJ07Vw0bNtSiRYusjvLMKE5O1LdvX4WFhcVanKZOnarUqVPru+++c3IyaxUsWFDLly9X7969o+0zDEPLli1T/vz5LUjmfGfPntXp06ftt48ePapt27ZFOy4kJETTp09321/aZqXyzp07bns52pNcuHDBPkbD3bBoZ8wKFiyoAwcO2G+XLl1aX3zxhWrVqqWoqChNnz5dL7/8soUJrfWkxYJ//fVXt1yn59atWwoJCVGWLFns2y5cuKDg4GBFRESoYcOGKlmypIUJrePp6fnEK0UWLlzolleKhIeHq2rVqlbHSBC8snCinTt3qmfPnrHur1KliiZNmuS0PK6iW7duatWqlRo3bqxhw4YpX758kqTDhw9r1KhR2rlzp9u8Qz579myNHDlSNptNNptNY8aMcZj+9jHDMOTp6anp06dbkNIaBw8e1P79++23f/755xivhw4JCVFwcLDbvNhbuXKlVq5cab89Y8YMbdiwIdpxISEh2rBhg1599VVnxnMZLNoZs5YtW9pf8Pr4+GjkyJGqWrWqffpxLy8vtxnoL0mTJ0+2l2ebzaaePXs6TFv/WGhoqEJCQmJ9gfwia9++vU6dOqVdu3ZJenQmt1SpUjp//rw8PDw0efJkrV271i0nLzJ7Uy8yMvKJZfxFVaVKFf36668vxOLrFCcnunnzplKkSBHr/uTJk8e4mNyLrmXLljpx4oQ++OADLVu2zD7YMioqSjabTUOGDHFYvf1F1qRJExUsWFCGYahJkybq3r27ypcv73DM44WBixQp4lbrOC1fvtxhMb3p06fHWhxTp06tefPmOTOeZQ4fPqzFixdLevR92b17t3777TeHYx4/ZypUqBDjLFDugEU7Y9a2bVuHtb7Kli2rQ4cO6fvvv5enp6eqVavmNm9CSFJAQIB9tsXTp08rU6ZMDgsnS//381S8eHF17tzZipiW2r59uzp06GC/PX/+fF28eFE7duxQgQIFVKVKFY0ePdoti5MU+1nKsLAw/fTTT/YFyd3JtGnTVL16dY0dO1YdOnRwWKg9sWFWPSfKkyePXn31Vc2fPz/G/S1atNCePXt0/PhxJydzDSdOnNDy5cvtA21z5syp+vXrK2fOnBYns8bcuXNVoUIFZc+e3eooLuHixYu6cOGCDMNQyZIlNWrUKNWsWdPhmMcvaHLmzOmWl+p5eHho/vz5bvkuuBk/Pz99+umn6tChQ7TZ4yTp448/1qhRoxQWFmZxUuc6e/as/P39Y72EMzw8XFevXnXLBXArVaqkIUOGqEqVKlZHcSlJkybVtGnT7IW7Ro0aunfvnrZs2SJJmjJlikaOHKmrV69amNJ5Ro4cqVGjRsXpWMMw1L17d7e7uihFihSKiorSvXv3JEm+vr4xTtMeGhpqRbyn4n6vLCzUvHlzffDBBypZsqS6du1qP7MSGRmpKVOmaOHChTFeEuAucubMqb59+1odw2W4y1m2uMqYMaMyZswoSdq8ebPy5csX7XIrdxcVFWV1BJeVP39+bdu2zeGd8n9bsWKFihYt6uRU1suePfsTx2SsWrXKLcdkSI9+zyC61KlT2ycMCQ8P188//+zw2iVJkiRuNaFTyZIl1blzZxmGoWnTpun111+Pdpb232cp33zzTYuSWqdhw4YvzCWKFCcnGjRokLZv366ePXtqzJgxypMnjyTp2LFjunr1qipWrOjWxQnRHTlyRLNnz7ave/DfE8Q2m00bN260KJ113GGa/md1+/btGJ8zktzy7AGLdsbM7KKTBw8exGutmhfJ4cOHY/0dLMntZu/83//+p2nTpilv3rxau3at7t275zCd/19//RXt8sYXWc2aNe1XP9y5c0cdO3aMdWZTdzVnzhyrIyQYLtVzsqioKM2dO1fLli3TiRMnJD0609KwYUO1atXKLf5AeXh4yMPDQ3fv3pW3t7c8PDxM34lILAujJaSvv/5abdu2lZeXl/LkyRPrugfu+q7oTz/95LCYXkyl8vHPmLu4d++eRo4cqa+++uqJ4yXd8eyBxKKdj4WFhSkkJESSFBQUpMmTJ8e4jlVISIjef/99HTx4UGfPnnVySuudOHFCLVu21J49e2ItmO64mOnx48dVrVo1+wywffr00UcffSTp0e+WoKAg1ahRQzNnzrQwJfB8UJzgdCNGjJDNZtPQoUPl4eFhv21m+PDhTkjnOnLmzKm0adPqxx9/dMvBpE/y0UcfaeDAgQoMDFTJkiVjLZWzZ892cjJrtWvXTnPnzlX9+vVVvnz5WL8v7nwZ6NmzZ91+0c6nHZMxevRovf/++885leupWrWqdu3apXHjxj3x58kdl4V48OCBDh8+rFSpUjmsp3fr1i1t2rRJhQsXdos1KeM7CZG7naWUHv3uHTt2rH0dvZUrV6pChQq6du2aRo0apbZt2yaKy6UpToCLSpo0qSZOnKhOnTpZHcXlZM6cWfny5dOaNWvk5eVldRyXkTp1ajVt2tStpqnH09u5c6d27NghwzDUv39/NW/eXMWKFXM45t9jMkqUKGFRUmslTZpU77//voYOHWp1FLio+Fwl5I5nKQ8fPqzy5csrKipKpUqV0vr167V+/Xr75DzFihVT0aJF9dVXX1mc1BxjnJzs0qVL+uqrr7Rv3z6FhoZGG8ztrmNWEN0rr7yiCxcuWB3DJd28eVONGjWiNP2HzWaL9gIY+K8yZcqoTJkykh6NyWjYsKEKFixocSrXkz59eqVKlcrqGC6LsV/SqVOnrI6QKPTv31+pU6fWrl27ZLPZok3sVLt2bS1cuNCidE+H4uREBw8eVMWKFRUeHq48efLojz/+UP78+RUSEqLz588rZ86cDitxv6g4tR03EydOVOPGjVWzZk3973//szqOSylZsqSOHTtmdQyX88Ybb2jDhg2xzhznzuIyltLX11eZM2dWpUqV1K9fP7dYCsHdLoF+Gh07dtT8+fPVpUuXaFMnu7O4jv1yh7/Z7niZZnxs27ZNw4YNk7+/f4zjb7Nmzarz589bkOzpUZycaODAgUqePLn2798vPz8/BQQEaPLkyapcubIWL16sTp06acGCBVbHfO7atGnz1Pdxl1/C/zZhwgSlSpVK5cuXV/78+ZU1a9YY1z1YuXKlRQmtM23aNNWsWVMlSpRw6zWLbty44XB76NChatKkidq3b68OHTrE+JyRpLRp0zorossYNmyYVq5cqUOHDqlmzZrKlSuXJOnvv//W2rVrVahQIVWuXFnHjx/X7Nmz9e2332rbtm0qXLiwxcmfv5s3b+rbb7994kQrieESmoT28ssvKzIyUoULF1a7du2UJUuWGH+e3G166Q4dOuiPP/7QpEmTnjj2C3gsKipKfn5+se6/evWqfHx8nJgo/hjj5ESpUqVS//79NXjwYN24cUPp06fXunXrVLVqVUlSjx49tH//fm3dutXipM/XmTNn4nU/d3tnJygoKE6zDT5eMNidvPLKK7px44YuXryo5MmTK3PmzDGWygMHDliU0DliOovy+Ff6k5477nZ9vSTNmDFDH3zwgbZu3RptIojjx4+rYsWK+uCDD9S2bVv9/fffKlOmjEqVKqXVq1dblNg5fvrpJzVq1Eh37txRypQpY3wR7K6/Z+IyfsUdx6sw9uvJGJIRXYUKFZQiRQqtXr062gLkDx8+VLFixZQ5c2atWbPG6qimOOPkRFFRUQoMDJT0aBC3p6enwzvGhQoVcot39SZPnqy3337bPnuK2cr17urxVK+ILm3atEqXLp1y585tdRRLDRs27IVZVPB5++ijj9SlS5cYZ8/LlSuXunTponHjxqlt27bKnTu3OnbsqKlTp1qQ1Ln69OmjDBkyaNmyZSpUqJDVcVyKuy71YIaxX7FjSEbMBg0apDp16qhTp05q1qyZJOny5cvasGGDxo4dqyNHjmjKlCkWp4wbipMTZc+e3T6Q0MPDQ9mzZ9eGDRvUpEkTSdKOHTuUOnVqCxM6x6RJk1SiRAl7cTJbuR74ry1btlgdwSWMGDHC6giJxj///KMkSWL/k5ckSRKdO3fOfjsoKEgRERHOiGap48eP66OPPqI0xYCFtmPG2K/YMSQjZjVr1tScOXPUo0cPzZgxQ5LUsmVLGYahlClTat68eapQoYLFKeOG4uRE1apV0+LFizVmzBhJUqdOndSnTx+dPHlShmFoy5Yt6tOnj8Upn7/AwECHyz64WjR2kZGRWrx4sX3dg1GjRqlQoUIKDQ3Vxo0bVbZsWftZTACxK1CggL744gu9/fbb0X5mLl26pC+++EIFChSwbzt58qQyZMjg7JhOlzt3bt26dcvqGC4tIiJC+/bt05UrV1S2bFm3X1ePsV+x++WXX9S/f39lzZrVfkXR40v1GjdurO3bt6tfv34v/JCMmLz99tt68803tW7dOod19KpXr64UKVJYHS/OGOPkRDdv3tTJkyf1yiuvyMvLS4ZhaMyYMVq6dKk8PT1Vp04dvf/++/L29rY66nP17rvvat68eSpdurRSp06tH374QUWLFlWmTJlivY87ToIQEhKiGjVqaM+ePUqePLnu3LljX/cgMjJS2bJlU6tWrTR27Firo1oiLCxM06ZNs5fK6dOnq2TJkrpx44bmzJmjevXq2ScAcBdmi5rabDb7zHEVKlR44s/ci2bLli2qWbOmkiRJovr169ufG8ePH9eKFSv04MEDrV27VhUrVtS9e/eUI0cO1axZ84W/fHrlypXq0qWLtm/f7hYLlj6tzz77TCNGjFBoaKgk2X8HX7t2TXnz5tWHH36odu3aWZzSuRj7FbsUKVLo008/1bvvvquoqCj5+PhowYIF9iuLvvzyS/Xs2VO3b9+2OCniizNOTpQmTRoVL17cfttms2nIkCEaMmSIhamcb/LkyQoICNDmzZt16NAh2Ww2nTt3LtoMYf/mjuM4Bg4cqEOHDumnn35S0aJFHdY98PT0VKNGjbRmzRq3LE7//POPXnvtNZ07d065c+fW0aNH7X+I0qZNq+nTp+vMmTOaPHmyxUmda8SIEfaflZhmRvv3dk9PT7333nuaMmVKvBZxTGwqVqyoHTt2aPjw4Vq2bJnCw8MlPZqCvGrVqhoxYoR9DSxfX1+3WUNt48aN8vf3V758+fT666/HePbAZrO53c+SJM2ePVs9e/ZUs2bNVK1aNYeClD59elWuXFnfffed2xUnxn7FjiEZT/bgwQOdP38+1rW/EsU6hAZgMZvNZixYsMDqGC4nMDDQGDRokGEYhnHt2jXDZrMZGzdutO+fOnWqkSpVKovSWatZs2aGv7+/cejQIePq1avRvjf9+/c38ufPb2FCa5w/f94oUqSI0bZtW2Pfvn1GWFiYERYWZvz2229GmzZtjGLFihl///238fvvvxutW7c2PDw8jA8++MDq2E4XGRlpXLx40bh48aIRGRlpdRxL2Ww20w8PDw+rY1qiQIECRv369Q3DiPl38Pjx442XXnrJqnhwQX369DFy585tvz1x4kTDZrMZVapUMSpXrmx4eHgY/fr1szChNW7evGm88847hq+vr+Hh4RHtIzH9nuGMk5OdOXNGc+fOfeJ6Ge52SdrmzZuVP39+q2O4nNDQUGXPnj3W/Q8ePNDDhw+dmMh1rFu3Tr169VL+/PljXEwvR44cDgP93UXnzp2VN29ezZo1y2F7sWLFNHv2bDVr1kwDBw7UkiVLNGfOHF25ckXz5s1zu7PeHh4ebjF+KS7+O1Uy/s/x48fVvXv3WPenTZs2xt8/7uTw4cP2JUayZcvm9n/LBw8erObNm+vBgwfy8vJSz549defOHfuQjKFDh+r999+3OqbTtWnTRt9//72aNWumUqVKJepZGSlOTvTtt9+qdevWevjwoVKnTh3jE8cdL0lj5qKY5cyZU/v27Yt1/7p169z2j1R4eLj8/f1j3e+ug903bdqkDz/8MNb9r732mgYOHGi/XatWLfXt29cZ0VwCC73iaaROnVrXrl2Ldf/hw4fdtoCvXLlSvXv3jrZsRvbs2TVx4kTVq1fPmmAWY0hGzNatW6fu3bvr008/tTrKM6M4OdGgQYOUN29eLVmyRC+//LLVcVyGYRiaMWOGvvrqK/sLmv+y2Wxud3bl3Xff1YABA1SxYkVVqVJF0qPvQ0REhEaNGqW1a9fap/V0N/nz59e2bdvUoUOHGPevWLHCPt29O/Hx8dHu3bvVsWPHGPfv2rXLYfKZhw8fKnny5M6KZ6m4LvTqrnbt2mWfaKVz587KnTu37t69q6NHj+rll192m+fJv9WqVUszZsxQ586do+07dOiQZs6c6XbjmyRpzZo1atiwobJly6axY8cqX758kqQjR45oxowZevPNN/XDDz+oRo0aFie11sWLF3XlyhXlypVLyZIlszqOpdKlS/fiTNZk8aWCbiVZsmTG1KlTrY7hcvr27Wt4eHgYxYoVM3r06GGMGDEixg93ExUVZbz77ruGzWYz0qRJY9hsNiNDhgyGl5eXYbPZjI4dO1od0TJff/214eHhYYwfP944ceKEYbPZjPXr1xt///230bJlS8PDw8NYvny51TGdrlu3boaHh4fRp08f4/jx40ZkZKQRGRlpHD9+3Ojdu7fh4eFhdOvWzX58vXr1jPLly1uY2HkKFChg5MqVyzh48KDVUVxKRESE0aBBA4dxBo/H8YSHhxvp0qUzRo8ebXFKa5w/f97InDmzkSlTJqNjx46Gh4eH0apVK+Ott94yfH19jezZsxtXr161OqbTlS5d2ihatKhx+/btaPtu375tFClSxChdurQFyVzDihUrjDx58tjH7zz+ebp69apRpEgRt/zbNGrUKKNcuXIvxJhSipMTVa5c2RgwYIDVMVyOv7+/0bhxY6tjuKyff/7Z6NGjh1GrVi2jRo0aRpcuXYytW7daHctyo0ePNpIkSWJ4enoaNpvN8PT0NDw8PIwkSZIY48ePtzqeJcLDw40mTZrYXwAnSZLESJIkif1FcaNGjYzw8HD7sSNHjjTWr19vcWrn8PHxMT777DOrY7ic/v37G15eXsb06dONv/76K9oECB07djReffVVCxNa6/Lly8Y777xjf/PKZrMZKVOmNNq2bWtcvnzZ6niW8PPzMyZNmhTr/kmTJhl+fn5OTOQ6Vq1aZXh4eBhly5Y1Ro4cGe3nqXbt2ka9evUsTGidwYMHG0WLFjUmTpxoLFq0yFi6dGm0j8SAS/WcaNKkSapZs6ZKlCihRo0aWR3HZYSHh6tq1apWx3BZ5cqVU7ly5ayO4XIGDx6st99+W0uXLnVYTO/NN99Ujhw5rI5nCV9fXy1cuFADBw7U2rVrHQZtV69e3WGqV19fXw0bNsyqqE7HQq8x+/bbb9WpUye1b98+xokO8uXLp8WLF1uQzDUEBAToyy+/1JdffqmrV68qKipK/v7+bjGFf2x8fX2fuHzIjRs35Ovr68RErmPUqFGqUKGCNm/erOvXr2vEiBEO+8uUKaPp06dbE85C58+f16ZNm7R//37t378/xmMSy9pfFCcnKlSokMaMGaNmzZopWbJkypw5c4zrZRw4cMCihNaoUqWKfv31V7Vv397qKC6lSZMmat68uWrVqiUfHx+r47ikrFmzqlevXlbHcDlFixZ1yzFeTzJ69Gh16dJFLVq0YKHXf7ly5YoKFSoU635PT0/dvXvXiYlc15MmpHEnlStX1uTJk1WjRg2VKVPGYd/u3bv12WefqVq1ahals9aff/6piRMnxro/MDBQV65ccWIi19CuXTvt27dPgwYNYlY9xN20adPUrVs3+fr6KmfOnIn6iZOQpk2bpurVq2vs2LHq0KGD0qVLZ3Ukl/DLL79oyZIlSpEiherVq6emTZuqevXq8vLysjqa5UqWLKnmzZurcePGypw5s9VxkAiw0GvMsmTJoqNHj8a6/5dffnlxBnXHw+OppJ80E6O7PWc+/PBDlSlTRuXKlVPJkiWVJ08eSdKxY8e0Z88eBQQEaMKECRantIafn5/u3LkT6/6TJ0+65Wuc7du3a8CAARo5cqTVUZ6d1dcKupNMmTIZ5cqVM0JCQqyO4lKSJ09u+Pn52QdS+vn5GSlSpHD4SJkypdUxnS4qKsrYunWr0blzZyMwMNA+SUS7du2Mn376yXj48KHVES1TunRp+7imsmXLGp9//rlx8eJFq2M53ePvQUREhP12TIsL/vvD09PT4tTWYKHXmA0bNsxInjy5sWPHDvsir5s2bTIMwzBmzJhheHp6Gh999JHFKa2xYcMGh7FNPGf+z+XLl42ePXsaefLkMXx9fQ1fX18jT548Rq9evdx27JdhGEbDhg2NggULGg8ePIi2aPLFixeN9OnTG23atLE4pfPlyJHjiePiEhObYfzn7RM8NylSpNBHH30U61TB7qpNmzZxmgZ49uzZTkjjmqKiorR582YtWrRIy5cv17Vr15QuXTo1bNhQwcHBVsezxNmzZ7Vw4UItWrRIv/32mzw9PVW+fHk1a9ZMb775ptKnT291xOduxIgRstlsGjp0qDw8POy3zQwfPtwJ6ZAY3L9/X3Xr1tWmTZuUL18+HTp0SIUKFdKNGzf0zz//qFatWlq5cmW0s3PuIG/evLpz545mzZqlUqVKKWXKlFZHgos7duyYSpcuraCgIDVu3FhDhw5V37595eXlpenTp8swDO3du9ftLheeNm2avvjiC+3cuTPRL21AcXKiOnXqKFu2bJo6darVUZCIRUZGatasWerbt69u376dKAZTPm8nT560l6gDBw4oSZIkqly5stauXWt1NMDlGYahBQsWaMmSJfr777/tE600adJEb7/9ttuub+Xn56cJEyaoW7duVkdxWVeuXLEvghsUFKSAgABrA7mAQ4cOqUePHtq8ebPDpZ0VK1bU1KlT7eteuZOJEydq/vz5unDhgpo0aRLrpdKJYcwyxcmJzp07p5o1a6pVq1Z655133PI6V8TfxYsXtXjxYi1cuFC7du2SJP3vf//Tzz//bHEy12EYhr788ktK5ROcOnVK2bNntzoG4PJKly6tOnXqaMiQIVZHcTkbN27UgAED9PvvvztsL1q0qMaPH89MuZJu3rxpn/E1R44cbj25SFxmoUwss+pRnJwoRYoUioqK0r179yQ9mtIzpsYdGhpqRTxLhYWF6dNPP9Xq1asdplCuU6eOevbs6baXSFy5ckVLlizRwoUL9csvvygqKkolS5ZU06ZN1aRJE2XKlMnqiC5h165dWrRokRYvXqwLFy4oefLkqlevnr7++muro7mMgwcPavz48VqyZInu379vdRxL/Pjjj5o4caL27dun0NDQaAP9JSWKP9xwjq1bt6p58+ZatWqVSpQoYXUcl7F8+XI1btxYgYGBatWqlV5++WVJjy5T+/rrr3XlyhUtWrRIDRo0sDgpXMXj13VmsmXL9pyTPDuKkxMxlidmFy5cUPny5XXq1CnlzZtXefPmlfTol/CRI0eUI0cO/fzzz8qYMaPFSZ2rSpUq2rZtmyIjI1WkSBE1bdpUTZs2dbtro2Pz22+/2S/PO3funJImTao6deqoadOmbjeF+6FDh/TFF1/oxIkTSpMmjRo3bmx/0bJv3z4NGTJEP/30k7y8vNSiRQvNmjXL4sTOt3TpUjVp0kQFChRQ+fLl9cUXX6hFixYyDEMrV65U7ty5Vb9+fbcc/7V9+3bNmjXriTPHudsyGY8tWrRIb731lvLlyxfr5UUrV660KJ01ChQoIC8vL/38889KkSKFw76wsDCVK1dOkZGROnTokEUJnWvfvn1PfZ9/r6mHxIXiBMu9/fbbWrZsmRYvXqxatWo57Pvxxx/VuHFjNWzYUHPnzrUooTUKFSpkL0u5c+e2Oo5LyZkzp06fPi1vb2/VrFlTTZs2Vd26deXn52d1NKfbtWuXKleubD+TLT16MTdx4kQ9fPhQAwYMUIoUKdShQwf16NHD7d6AeKxEiRLy8vLS9u3bdfPmTQUEBGjDhg2qXLmyTp8+rdKlS+vDDz9Uq1atrI7qVBMnTlS/fv3k6+urPHnyxLpMxubNm52czHpLly5V8+bN9fDhQ6VOnTrG743NZtPJkyctSGedpEmTavz48erRo0eM+ydPnqxBgwa5zfpfHh4ecR4HaBhGorkk7Xm4ceOGNmzY4DAurkqVKolq6ArrOMFya9euVc+ePaOVJkmqWbOmunfvrpkzZ1qQzFp//PGH1RFcVv78+TVy5Ei98cYb0d7xdDejRo2Sr6+vli9fbj9z27ZtWw0bNkzh4eHq3bu3Bg8e7Pbrxh0+fFjjxo2Tp6enkiR59KfvwYMHkh798e7cubMmTJjgdsXpo48+UtmyZfX999+7/XPkvwYOHKg8efJo6dKl9svR8Gi2wSct4nr58mW3+n799yqhW7duqXv37urXr5/y589vUSrXM2LECE2YMEEREREO2729vdW/f3+NGjXKomRPybmznyM0NNQYMWKE8eqrrxoBAQFGQECA8eqrrxojR440QkNDrY5niaRJkxqTJ0+Odf/kyZONpEmTOjGRdRYuXGicPXvWYdvly5eNBw8eRDv24MGDxsiRI50VDS4qbdq0xpAhQxy2/fzzz4bNZjP69OljUSrXky5dOmPatGn2276+vsbs2bPtt4ODg93m98y/pUyZ0ggODrY6hkvy8/Mzpk6danUMl7Nu3Tojbdq0xooVK6LtW7ZsmZE2bVpj/fr1FiRzDf9dvwmGMWrUKMNmsxl16tQx1q5da5w8edI4efKk8eOPPxq1a9c2PDw8jFGjRlkdM07Mp7lAgrlw4YKKFi2qkSNH6vbt2ypbtqzKli2rO3fuaMSIESpWrJguXrxodUyny58/v7799tsYB6w/ePBA3377rdu8a9O8eXOHWfKuX7+ujBkzatu2bdGOPXjw4IuxCnccffjhhzpy5Ij9dmRkpPbs2aPbt29HO3bXrl1q166dM+NZJiQkJNq7u49vV65c2YpILilPnjw6fPiw/XaRIkX09ddf6+HDh7p3756++eYbZc2a1cKE1qhUqRJnt2Px6quv6uzZs1bHcDmff/65/P399eabbypLliyqVKmSKlWqpCxZsqhRo0YKCAjQZ599pnr16tk/3njjDatjw0LBwcGqW7euvv/+e1WvXl3Zs2dX9uzZVaNGDf3www+qVauWvvjiC6tjxgnFyYkGDBigS5cu6YcfftDhw4e1bNkyLVu2TIcOHdLq1at16dIlDRw40OqYTjdgwADt3r1bJUuW1IwZM7RlyxZt2bJF06dPV8mSJbVnzx63+b4YMQw5jGmbOxo4cKDD1LchISEqU6aM9uzZE+3YEydOuM2YOMMwog1Yf3zb19fXikguqUGDBlq5cqX9MpHBgwdry5YtSp06tfz9/fXzzz+7ze+Zf/v888+1ceNGffzxx7px44bVcVzK559/ru+++06LFi2yOopLOXjwoCIiIpQ1a1YlSZJEp0+f1unTp5UkSRJlzZpV9+7d0x9//BHtA+4rNDRUNWrUiHV/rVq1dOvWLScmij/GODkRY3li1rhxY925c0cDBw5Ux44d7YMsDcNQQECAZs2apUaNGlmcEq6IUvnImjVrdOnSJfvtu3fvymazafHixdq/f7/DsYllkcGE1rdvX/Xt29d+u06dOtqyZYuWLVsmT09P1a5dW5UqVbIwoTWyZMmiDh06qG/fvhowYADLZPzLW2+9pYcPH6p58+Z67733lDlz5hi/N+424+Djgf1AXJUtW1a7d+9Wp06dYty/e/dulS1b1smp4ofi5ER37txRYGBgrPszZMigO3fuODGR62jTpo1atmypvXv3OqzjVKJECftAbgAx++abb/TNN99E2z59+vRo29y1OMWkfPnyKl++vNUxLDVs2DCNGTNGmTJlUokSJZgg4l/Spk2rdOnSMasp8IyCg4NVo0YN9erVS126dFGOHDkkSSdPntSUKVO0a9curV271uKUccMrUid6PJanY8eO8vb2dtjnbmN5YpIkSRKVLl1apUuXtjoKkGicOnXK6ghIxIKDg1W7dm2tWLFCHh5cvf9vW7ZssTqCSzp79qzOnj2rcuXK2bcdOHBAn3zyiSIiItS8eXPVr1/fuoBO1r17d4fb9+7dk81m05QpU7RixYpox9tsNk2ePNlJ6VzDK6+8oqioKH322Wf67LPP7L9roqKiJEk+Pj565ZVXHO7jqme6KU5ONGDAADVt2lQlS5ZU586dHVbbDg4O1sGDB7Vw4UKLUzrHxYsXValSJTVu3FgffPBBrMcNGTJES5cu1datWxUQEODEhNbZu3evfWzKrVu3ZLPZtH37doWEhDgc9+uvv1qQDq4mMay07goMw9CMGTP01Vdf2Rd6/S+bzaaHDx9akM469+/fV+3atSlNiLPu3bvr9u3b2rBhg6RH049XqlRJ9+/fV4oUKbRkyRItXrxYb775psVJnWPKlCkxbo+pNEnuWZwaNmwY57WuXB0L4DrZnDlzNHDgQF25ciXaWJ4JEyaodevWFid0joEDB9pXqk+ePHmsx926dUu5cuVS+/btn1iwXhRP++LFnRbS8/DwUIsWLewrrt+9e1fDhw9X+/bto11K89tvv+m7775zm+8NzPXr108TJ05UkSJFVL58eaVJkybG44YPH+7kZNZq2bKlJGn+/PkWJ3FNYWFhmjZtmjZv3qwrV67YJy26ceOG5syZo3r16ilXrlxWx3Sql156ST169NCAAQMkPVoLbNiwYfrzzz/tM6Xdvn1bO3bssDgpkPAoThZ4+PCh24/lKVSokCpXrhynd1169eqlTZs2ucUA3K1btz71fV577bXnkMT1UCrxLAICAlSxYkVmSPuPv//+W02bNlXp0qX1zjvvKGvWrNEmQJAejfdxN//8849ee+01nTt3Trlz59bRo0e1fv16+zT/efLkUY0aNdzu7IGvr6+++OILtW3bVtKjv0FJkya1j1EJDg7W+++/zyyNeCG5zyt1F8JYnkfTRffs2TNOxxYoUEAzZsx4voFchLuUoPhgLA+eRXh4uKpWrWp1DJeTJ08eSdL+/ftjnEzkMXd8E6Jfv366deuW9u/fr4CAgGiXi9evX18//PCDRems4+/vb3/jNyQkRLt27dL48ePt+x8+fOh2l7zCXFhYmD799FOtXr3a4cRBnTp11LNnT6VMmdLihHFDcXqOYlq0NC4qVKiQwElcj6enZ4wL3sbkwYMHXH8PxvLgmVSpUkW//vqr2rdvb3UUlzJs2LAXZuxBQlu3bp169eql/Pnz6/r169H258iRQ+fOnbMgmbWqVq2qzz77TClTptSWLVsUFRXlMBnE4cOHlSVLFusCwuVcuHBB5cuX16lTp5Q3b1771OPHjh3TiBEjNG/ePP3888/KmDGjxUnNUZyeo4oVKz7VHyTDMNzm8qKcOXNq+/btsc7p/2+//PKLcubM6YRUAF5U06ZNU/Xq1TV27Fh16NBB6dKlszqSSxgxYoTVEVxWeHi4/P39Y92fWBbsTGjjx4/XX3/9pb59+8rb21sff/yxsmfPLkmKiIjQokWL1KJFC4tTwpUMGDBAly5d0g8//BBtLdMff/xRjRs31sCBAxPFwvWMcXqO4jNeRXKPy7VGjhypMWPGaOvWrSpTpkysx+3atUsVKlTQ4MGD3W7QNoD4S5EiRbQ3rh4+fKiIiAhJYqFXmCpRooTy5MmjBQsW6Pr16/L399eGDRvsY5zKlSsnT0/PeP+tT+xCQ0OVNGlSh+VVwsPD9ddffylLlixuOS4OMfP391f79u01ZsyYGPe///77mjlzpq5everkZE+PM07PkTsUoPjq3bu35s6dq2rVqmnIkCFq2bKlMmXKZN9//vx5zZ8/X2PGjFHmzJlZsBOIwahRo576PjabTUOHDn0OaVzLizT97fMUl+eQuzxn/qtnz55q3bq1XnnlFTVu3FjSo3Vnjh8/rpEjR2rnzp1aunSpxSmtE9NiyUmTJlXhwoUtSANXdufOHQUGBsa6P0OGDLpz544TE8UfZ5wscuXKFZ0+fVqSFBQU5DZrFP3byZMn9eabb+rgwYOy2WxKlSqVUqRIoVu3bik0NFSGYahQoUJatmwZl+oBMYjP2D93uRwYcfOk55DNZnOrS8hjMmbMGI0YMUKGYSgqKkoeHh4yDEMeHh4aPXq0fUpud3P27FmNHTvWPk37ypUrVaFCBV27dk2jRo1S27ZtVbRoUatjwkWUKFFCXl5e2rp1q8MZSunROPYKFSrowYMH2rt3r0UJ447i5GQbN27UgAED9PvvvztsL1q0qMaPH+92sz5FRkZqyZIlWrVqlY4ePaqwsDClTJlSefPmVd26ddWoUSO3mqYdAKwWFRWlM2fOaOrUqdq2bZt+/PFHtx4TdvbsWS1dulTHjx9XVFSUcubMqTfffFM5cuSwOpolDh8+rPLlyysqKkqlSpXS+vXrHaZpL1asmIoWLaqvvvrK4qTPX7t27Z76PjabzS2+N/+2ePFiNW3aVK+88oo6d+6sl19+WdKjySGCg4N18OBBLVy4UI0aNbI4qTmKkxMtX75cjRs3VmBgoFq1auXwxPn666915coVLVq0SA0aNLA4Kawwb968eN2vVatWCZwEeDH8/fffKlSokLp3764PP/ww1uP69eunKVOm6PDhw/ZB7njkrbfekmEY+uabb6yOAhdRp04dHTlyRLt27ZLNZlNAQIDD2K+hQ4dq4cKF+uuvvyxO+vwFBQVFuyT47t279rE6jxfavnnzpqRHY32SJUumkydPOjeoC5gzZ44GDhyoK1eu2L9nhmEoICBAEyZMUOvWrS1OGDcUJycqUKCAvLy89PPPPytFihQO+8LCwlSuXDlFRkbq0KFDFiWElbjsKnaM5UF8dOvWTd9//73+/vtveXl5xXrc/fv3lSdPHtWvX1+ffvqpExO6vunTp2vAgAEKCQmxOorT7du3T7t27VLnzp1j3D9t2jT973//U5EiRZwbzGIpU6bUsGHD1Ldv3xgnzZg5c6Z69uyZaMasJKTDhw+rWrVqatOmjXr27Kn06dNLkq5du6ZPP/1U8+bN07p165QvXz6Lk1rj4cOH2rt3r8M6TiVKlEhUVxYlnqQvgJMnT2r8+PHRSpP06BfRO++8o0GDBlmQDK6ABV5jF58pk92hOGXPnl0eHh46evSovLy8lD17dtMJEWw2m06cOOGkhNZat26dmjVr9sTSJEne3t5q1qyZli9fTnH6j71797rtOnqDBw9W0qRJYy1OmzZt0po1a9xuEdyoqCj5+fnFuv/q1avy8fFxYiLX0a1bN9WsWVOjR4922J4+fXqNGTNGV65cUbdu3bRhwwaLElorSZIkKl26tEqXLm11lHijODlR3rx5deXKlVj3X7582X75HtwPC7zGLioqyuoILum1116TzWazv7B9fBuPnD17Vnny5InTsblz57a/C+pOYrtEOCQkRNu2bdOyZcv07rvvOjmVa/jtt9+e+GZm+fLlNW7cOCcmcg3FihXT6tWrYyyUDx8+1HfffZeoXxg/i127dj1xnE7RokX17bffOjGRNbZt2xav+1WoUCGBkyQ8ipMTffjhh2rWrJlKliypN954w2Hf8uXLNX36dC1cuNCidAASmzlz5jzxtrvz8fHR7du343TsnTt3os325A7atGkT67706dNr4MCBGjZsmPMCuZBbt2498RIiDw8Pt1z3a9CgQapTp446deqkZs2aSXr0xu+GDRs0duxYHTlyRFOmTLE4pTXSpk2rH3/8UZ06dYpx/5o1a5Q6dWrnhrJAxYoVn+pNvMQ0eydjnJyoXr16+uuvv/T333/rpZdeUq5cuSRJx48f14ULF/Tyyy8rd+7cDvex2WxauXKlFXHhAi5duqSvvvpK+/btU2hoaLQzLzabTRs3brQoHVxNaGhojGuruKvSpUsrMDAwTr9D69evr0uXLmnXrl1OSOY6YjrLZrPZlCZNmhgvK3cnr7zyirJly6bvv/8+xv21a9fW6dOn3XJc8tdff60ePXrYlw55PHV9ypQp9cUXX6h58+ZWR7TE6NGjNWzYMNWtW1fdunWzv877+++/9fnnn2v16tUaOXKkhgwZYnHS5yu+i0InhvVPKU5OFNPsK2ZsNptbzr4C6eDBg6pYsaLCw8OVJ08e/fHHH8qfP79CQkJ0/vx55cyZU1myZNGmTZusjmqJgwcP6vPPP39iqXSXsTyP+fj4qEaNGmratKnq1aun5MmTWx3JUp9++qn69u2rpUuXqn79+rEet3LlSjVs2FAfffQRi23DbvLkyerVq5d69uypYcOG2c8UhISEaOTIkfrss8/00UcfqXfv3tYGtcidO3e0fv16/f333/Zp2qtXr+72hXvo0KH66KOP9ODBA4ftSZIkUd++fTVmzBiLkiEhUJzgdMyQFje1atXSn3/+qe3bt8vPz89hytfFixerU6dOWrNmjUqWLGl1VKfbsmWLatSooTRp0qhEiRJavXq1KleurHv37mnnzp0qUKCAihcvrtmzZ1sd1akGDRqkxYsX6+TJk/L19VWtWrXUtGlT1alTR0mTJrU6ntNFRESobNmyOnDggN599121bNlShQoVsi+0/ccff2j+/Pn68ssv9corr2jHjh1uO6hdkm7fvq2bN28qppcFWbNmtSCRtQzDULt27TR37lx5eHjopZdekiRduHBBUVFRevvttzVnzhzGFf7HsWPHNGHCBM2aNcvqKJa5du2aNmzY4DB7XNWqVe2z7Lmzixcv6sqVK8qVK5eSJUtmdZynZwBOZrPZon14eHgYHh4eMW5//F93kzJlSmP06NGGYRjG9evXDZvNZqxfv96+v3v37kaFChWsimep8uXLG/ny5TNCQ0ONq1evGjabzdi4caNhGIaxa9cuI02aNMaaNWssTmmdPXv2GH369DGyZctm2Gw2I3ny5EazZs2M5cuXGxEREVbHc6pr164ZtWvXdvg98+8Pm81m1KxZ07h69arVUS0RHh5uDBw40PD394/x+/P4w51t2rTJ6NKli1GzZk2jZs2aRteuXY3NmzdbHcsSV65cMXbt2mUcO3Ys2r7du3cbDRo0MDw9PQ0vLy8L0sGVrVixwsiTJ4/9d8rjv9lXr141ihQpYixfvtzagHHE5BDP0dmzZyX93zt1j2+bedHf2fvvJVXnz59X7dq1VbBgQfXs2dM+C9bRo0c1adIkHT58WKtXr7YiqqWioqIUGBgoSUqdOrU8PT1148YN+/5ChQq53erjj+3bt08jR45UypQp7QsLPh5UWqpUKXXo0EFDhw5VzZo1rYxpmVdffVWvvvqqPv74Y+3cuVMLFy7UkiVLtGjRIofvmTtIly6dfvjhB+3Zs0erVq3SkSNHFBYWppQpUypv3ryqW7eu284AJkmdO3fW3LlzVb9+fZUvX96+YCf+T6VKlVSpUiWrY1gqIiJC7777rr799lv7GclChQppxYoVSpo0qTp06KDvv/9eSZMmVadOndz28sXHbt26pTNnzsR6BjcxzB6XkL7//nu9+eabKlOmjFq0aOGwxEj69OmVKVMmzZ49+4mXVLsKitNz9HhMU3h4uLy9veM8xikxzCqSkLp06aLcuXNr/vz5DttfffVVLViwQI0aNVKXLl20fPlyixJaI3v27Pa1nTw8PJQ9e3Zt2LBBTZo0kSTt2LHDLWbniUmSJEns19GnTp1aXl5eDlP958iRQ4cPH7YqnkspU6aM0qdPrzRp0mjixIkKCwuzOpIlSpYs6ZaXtZp5PN349OnTrY4CFzZ27FgtWLBApUuXVrly5XTq1CktW7ZMrVu31pUrV3Tx4kUNGzZM3bp1U9q0aa2Oa5nr16+ra9euWrp0qf21nPH/J8/497/d7XXeqFGjVKFCBW3evFnXr1+PtjZjmTJlEs3vIIrTczRr1izZbDb74ouPb8PRpk2bNGHChFj3V6lSRQMGDHBiItdQrVo1LV682D6QtFOnTurTp49OnjwpwzC0ZcsW9enTx+KU1siVK5f+/vtvSY/Gv+XNm1fLly/XW2+9JUlavXq1MmTIYGVEy506dUoLFy7UokWLdODAAXl4eKhSpUpq2rSp1dHgQmw2m4oVK2Z1DJdkGIZmzJihr776SidPnozxTK3NZtPDhw8tSOdc3333napVq6a1a9fat33yySfq16+f8ufPr6NHj7r971xJeu+99/T999+re/funMH9lz///FMTJ06MdX9gYOAT1zl1JRSn5+i/62M8ab0Md+br66udO3fGuu7Bjh075Ovr6+RU1hs8eLCaN2+uBw8eyMvLSz179tSdO3e0dOlSeXp6aujQoXr//fetjmmJWrVqadasWRo3bpySJEmi3r17q23btvbp/E+cOOGWC1OeO3dOixYt0sKFC/Xbb7/JZrOpfPnymjp1qho2bCh/f3+rI8LFvPHGG9qwYYM6dOhgdRSX079/f02cOFFFihRRy5Yt3fpF8JkzZ9SzZ0+HbQ0aNFC/fv3Uv39/StP/t27dOvXq1Usffvih1VFcip+fn+7cuRPr/pMnTypdunROTBR/FCdY7q233tJnn32m1KlTq1u3bsqZM6ekRy9+P/vsM33zzTfq3r27xSmdL02aNCpevLj9ts1m05AhQ1749R/iYujQoerRo4c8PT0lSa1bt5anp6e9VA4ePNgt36jIli2bbDabSpcurU8//VSNGzdWxowZrY4FFzZ06FA1adJE7du3V4cOHZQ1a1b7z9W/uePlV3PnzlXDhg21aNEiq6NY7v79+9HWiHt8O3PmzFZEckl+fn4KCgqyOobLqVSpkubOnRutfEuP1qucOXOm6tSp4/xg8cB05E5y+fJlTZkyRevWrdOJEyd069YtpUiRQrly5VKNGjXUuXNnBQQEWB3TEvfv39c777yjBQsWyGazycPDQ9KjyREMw1Dz5s01e/ZseXt7W5zUuR4+fKi7d+8qZcqUMe4PCwuTn5/fE1e2fxE9ePBAR44cUdq0afmD/R+ffPKJmjRpoixZslgdBYnE49+3kp54Kbm7jcmQpBQpUuiTTz5R+/btrY5iOQ8PDy1YsMBhYdvr16/L399fGzdudPvJMx7r3bu3/vjjD61fv97qKC7l2LFjKl26tIKCgtS4cWMNHTpUffv2lZeXl6ZPny7DMLR3795EUTopTk6wefNmNWrUSDdv3lTSpEn18ssvK3ny5Lp9+7b++usvhYeHK126dFq+fLnKlStndVzLHDx4UGvWrHFY96BmzZoqXLiwxcms0blzZ23btk1//vlnjPsLFSqkypUra/LkyU5OZq3IyEj5+vrqk08+ccszkUBCGjFiRJzG3g4fPtwJaVxL/fr15e/vr5kzZ1odxXIeHh7y9fWN9kbd7du3lTRp0mhnKW02m0JDQ50Z0SXs2LFD3bp1k7+/v9q3b68sWbLEeAbXHccVHjp0SD169NDmzZsdZhqsWLGipk6dqnz58lmYLu4oTs/ZtWvXlC9fPnl6emrSpElq1KiRwy+ehw8favHixfbTl4cPH04013ni+cqRI4datWoVbfaZx0aOHKn58+fbJ0lwJ7ly5VKHDh3Ur18/q6NYat68eZKkt99+WzabzX7bTKtWrZ5nLOCFcOHCBVWvXl3NmzdXhw4d3Ppvc9u2bZ/6Pu62ALlkfgbXXWfV+7ebN2/q+PHjioqKUo4cORLd2FuK03M2btw4jRgxQnv37lWhQoViPe7AgQN69dVX9cEHH7jlDHKPsXL9//H19dXnn3+u9957L8b9M2fOVI8ePXT37l0nJ7Pe5MmTNWXKFO3evdstx1485uHh4bDkwb//aMfGXf5ot2vX7qnvY7PZ3HZttMfCw8MlSUmTJrU4ifVSpEihqKgo3bt3T9Kj38mcWcGTzJ07N07HtW7d+jkncS2HDx9W/vz5rY6RINxrcIQF1q1bp7p16z6xNElS4cKFVa9ePa1du9btitO9e/c0cuRIffXVV7p+/Xqsx7nDi71/S5cunY4dOxbr/iNHjsQ6/ulFFxkZKR8fH+XMmVONGjVSUFBQtBd6NptNvXr1siihczxe5+vx+L/Ht/FomYOnXf7BXZeLOHv2rIYPH641a9bo2rVrkh4tSlm7dm0NHz5c2bJlszihNRo2bOi2zwnEj7sVorgqWLCgChYsqGbNmqlJkybKlSuX1ZHijTNOz1mGDBnUv3//OK2i/emnn2rChAm6dOmSE5K5jnbt2sVp5Xp3+4X0zjvvaNGiRdq2bZuKFi3qsG/fvn2qUKGCGjdu7PaXQ8TGXc6sAM/i6NGjKleunEJCQvT666/bxxkcPXpU69atU5o0abR9+3blyZPH4qQAEqvp06dr0aJF2rp1qwzDUJEiRewlKrG9MUNxes58fX01c+ZMvf3226bHzps3T+3bt7dfFuAuUqdOraZNmyaaVaOd5cKFC3r11Vd15coV1atXTwUKFJD0aCG577//XgEBAdq9e7dbziz3eAIRM4ntF3J8fffdd0qZMqVq1aoV6zGrV6/W7du3WQAXDurXr68dO3Zo48aN0a6M+PPPP1WlShX973//0/Llyy1KCCQu9+7d09KlS7Vv3z6FhoYqKirKYb87XxJ8+fJlLV68WIsWLdIvv/wiSSpZsqSaNWumxo0b66WXXrI4oTku1XvO7t+/H+OMKjHx9PTUgwcPnnMi18PK9TF76aWXtHfvXg0cOFArV660v3BJmTKl3nrrLY0dOzZR/JJ5HtylEMXF8uXL9dZbb2nt2rVPPM7b21stWrRQ8uTJVbt2bSelg6vbunWr+vTpE+Pl5AULFlTXrl01ceJEC5K5jn/++Ue///57jC+CJSZbwf85c+aMKlWqpNOnTyt16tQKDQ1V2rRpFRISosjISKVPn17Jkye3OqZlAgMD1bVrV3Xt2lXnz5+3l6g+ffqob9++ieI1MMXJCfbu3StfX1/T43799VcnpHE9rFwfu4wZM2ru3LkyDENXr16VJPn7+3PdPexmz56tihUr6vXXX3/ica+//roqV66smTNnum1x+vHHHzVx4kT7O8ExXXDhbpd3Pnjw4IkTQfj5+SWKFzPPw71799S6dWstXbpUUVFRstls9ufMv38HU5zwWL9+/RQaGqpdu3YpR44cCggI0MKFC1W2bFl99tlnmjJlin766SerY7qEjBkzqkCBAsqXL5/+/PNP3blzx+pIccKles9ZXMZi/Js7jss4ceKEmjRpouLFi7NyPeIke/bspuXRZrPpxIkTTkpkncDAQPXv3199+vQxPfaTTz75f+zdeVyN6f8/8Nd9jlakaGEoJdmXsVX2hEJ2KTVowYQZxq6PvTBZK1kiQqImCQ1TU7bQ2MbYhaHFmq0NUdS5f3/063ylk2J0X+d03s/Hw+Mx51x3j8/r06M69/u+rut9YfXq1Uq3jxIAoqKi4ODggJYtW6J79+4IDAyEs7MzeJ5HdHQ0zMzMMHToUKU7r6h79+54+fIlzp07h1q1apUYe/XqFSwtLaGrq4tTp04xSsjOjBkzsH79eixbtgydO3eGlZUVQkJCUK9ePfj7++PJkyfYtWsXWrVqxToqkRO6urqYNGkSli5diszMTOjq6uLIkSPo3bs3gKI93c+ePcMff/zBOCkbPM8jISEBEREROHDgAF6+fAkdHR0MHz4cjo6O0u+TPKMZp0p24sQJ1hHknpmZGQDg8uXLn133W9ULSm9vb3Ach/nz50MkEsHb27vcr+E4DgsXLhQgnXzp2bNnqcKpsLAQ9+/fx19//YVWrVqVaqhRVWVnZ1f4fJk6deogKyurkhPJJx8fH5ibmyMxMRFZWVkIDAyEu7s7rK2tkZaWBktLS5iYmLCOKTgvLy/069cPzZo1g5ubG5o0aQIAuHPnDkJCQpCRkYGNGzcyTsnGvn374Obmhrlz50o7vtavXx/W1tbo06cPrK2tsXHjRgQGBjJOKqzmzZtjzJgx+OGHH2jZ9Cfevn0LY2NjAEXL6j9tV9+5c2fMmjWLUTp2Tp8+jb1792Lfvn14/vw5tLS0MHToUDg6OqJPnz6lDlaWZ4qTVEH17NmTdQS5t2jRIlp6BmDJkiXgOA5z586FqqpqmQfffkxZC6edO3eWOXb16lXY2trihx9+EC4QQ7Vr165ws4z79+8r7cxtUlISfHx8IBaLpR/SxUvQjI2NMXnyZKxcuVLpll1ZW1sjJiYGs2fPxooVK0qMff/99wgNDUWvXr0YpWPr+fPnMDc3B/B/51p9vJxoxIgR8Pb2VrrCydDQEIsXL8aiRYvQpUsXjB07FiNHjiw1Y6mMjIyM8OjRIwBAtWrVUL9+fZw7dw7Dhw8HUPR3qCJbN6qanj17okaNGhg0aBAcHR3Rr18/6TEaioYKJ8JcRQoEZfDppmNZm5BJ+dq2bQsPDw/MnTsX//zzD+s4la5z584IDw/HggULPtuIprCwEOHh4ejcubOA6eSHpqam9INaW1sbampqSE9Pl44bGBgo7TlYffr0weXLl/H06VNpEd6wYUPUrVuXcTK2DAwMpDNNmpqa0NHRwZ07dzBo0CAARUsZla0LLlB0PuWzZ88QFhaGsLAw/Pjjj5gyZQrs7OwwZswYDBgwACoqKqxjMmFtbY3o6Gjpkl9XV1f4+PggKysLEokEoaGhSvdwBgAiIyNhZ2dXJYpG2uNECKlyNm3ahJkzZ+Ldu3eso1S6hIQEWFtbw8HBAcHBwahevXqpa96+fSs9F+zYsWOwsrISPihjXbt2Rfv27bF+/XoARQWnpqYm4uLiUFBQAFtbWzx79gy3b99mnJTICwcHB7x79w6HDh0CUHQTXNxgRCKRYObMmWjXrp3Sb/a/c+cOdu/ejfDwcKSmpkqPGBk9ejS6dOnCOp6gHjx4gL///hsDBw6Empoa8vLy8PPPPyMqKgpisRgDBw5EQECA0h5eXywnJwc1atSocNdpeUKFE5Ebf/3112fPPVC2JWlisRihoaFwdnaWOR4REQFnZ+cqv/frS2VkZMDGxgavXr3C3bt3WccRxOLFi7F06VLUqVMHw4YNQ6tWrVCzZk28fv0a169fR3R0NF6+fIn58+dj6dKlrOMysWbNGgQEBODu3btQU1PD4cOHMWTIEGhoaIDjOOTm5mL79u1wdXVlHbXSXbp06Yu/RhmPjEhMTERkZCRWrVoFNTU1PHz4EH369JH+XTE1NcXhw4fpcOD/7+nTp/jll18QGRkJoOhzu1GjRpg2bRomTZr0xc2ySNVy8eJFLFiwAKdOncL79+8RHx8Pa2trvHz5EuPGjcP06dMV4qEeFU6EuczMTNjZ2eHChQvgeb5Uy9fi95StQBCJRNi9e3eZhVNYWBjGjh2LgoICgZOxZ21tLfP97Oxs3L59G+/fv0doaCicnJwETsbOvn37sHDhQty5c6fUWNOmTeHl5QUHBwcGyeTX6dOnsX//fojFYtjZ2SnNXh6RSFThfaXK+ve3LBKJBNevX4dYLEazZs0UalN7ZcjNzcWBAwewe/duHD9+HADQr18/jB07FqqqqggKCkJsbCzGjx9Ph9wrsTNnzsDa2hr169dH7969sW3bNhw9elT6WW5lZYV69eohPDyccdLyKfdvPJELs2fPxrVr1xAWFgYLCws0atQIcXFxMDExgZ+fH86ePYvY2FjWMZko6+bm1atXiIuLg66ursCJ5EPxmSof4zgOJiYm6NOnD9zd3dGsWTNG6diwt7eHvb097t27h1u3buHVq1fQ0tJCs2bNpJ0rSUndu3dH9+7dWcdgQl1dHXZ2drC1tVX6m/+y5OTklGp4IBKJ0LZtW0aJ5ENhYSHi4uKwe/du/P7773j79i06dOiAtWvXwsnJqcTn0uDBgzFv3jxs3LiRCiclNm/ePDRv3hznzp3D69evsW3bthLjvXr1QkhICKN0X4b+WhLmYmJi4OHhAUdHR+lGXJFIhMaNG2Pjxo0YPnw4pk2bphBPIv4rLy8vaRtyjuMwevRojB49Wua1PM9j6tSpQsaTGwkJCawjyK3GjRujcePGrGMQObZlyxaEhYVh//79SEhIgL29PZydndGtWzfW0eSKvr4++vXrB0dHRwwePBg1atRgHUku1K1bF5mZmahfvz6mTJmCsWPHonnz5mVe36ZNG7x+/VrAhETe/P333/Dx8YGamhrevHlTarx+/foKc74gFU6VaNeuXV/1dcrWcSU7OxstW7YEAOkH08e/WDY2Npg3bx6TbEIzNzfH5MmTwfM8Nm3ahL59+0rPVSnGcRyqV6+ODh06SFucKhtvb28MHz68zIMnb968iaioKCxatEjgZERemJiYQCQS4fbt21BRUaFDkz8yYcIETJgwAY8fP0ZYWBjCw8OxefNmGBkZwcnJCU5OTmjTpg3rmMzNmDEDkZGRGD16NNTV1TFgwAA4Ojpi4MCB0vbkyqi4e561tXWFlnyOGjUKo0aNEiAZkVcqKiqf7RT8+PFjhXkwQXucKpGsjZDFf2Q+/bZ//MdH2daSm5qawt3dHfPnzwdQ9DRr8uTJ0pvehQsXYtOmTdLZKGXh5uaGiRMnwsLCgnUUuVPe/i9qnEFcXV3BcRy2bdsGsVgsfV2eHTt2CJBO/ty6dQt79uxBeHg40tLS0KJFC6xZswa2trasozH3999/IyIiAvv27cODBw9QvXp1DBw4EI6OjhgwYIDCnkdDiFD69euHN2/eIDExERkZGdDT05PuccrNzUXLli3RqVMnaWMReUaFUyX69FDK7OxsuLi4oFatWpgyZYq0E8/t27exfv16vH79GiEhIUr3pM/NzQ2pqanS5Ve//PILgoOD8b///Q8SiQSrVq2Cra0t9u3bxzYokRvlFU6BgYGYMWOGUrQjJ+RbunbtGqZNm4aEhAQsWbKEZm0/cfbsWWkRlZ6eDi0tLWRlZbGOJaijR4/i+PHj+PXXX2WOz58/H7179y6ziQ9RPufPn0fPnj3Ru3dvODk5YezYsVi7di1q1qyJNWvW4OHDhzh79qxC3P9S4SQgNzc3PHr0CPHx8aWefEokEtjY2MDQ0FDpnnhev34dR44cwU8//QQ1NTVkZWVh5MiR0g49PXr0QHh4OOrVq8c4aeUqXto5ZswYcBxX4aWeyrK089SpU9LiesmSJRg+fLjMP7LZ2dmIiIhA/fr1ceHCBYFTEqJ4UlNTER4ejvDwcCQlJaFRo0ZwcnLC+PHjYWRkxDqe3Ll79y7CwsLg6+uLN2/eKN3Mds+ePWFkZITQ0FCZ466urnjw4IH0M7wqO3Xq1Fd9XY8ePb5xEvl3/PhxTJo0qdQxIaampti2bRt69uzJKNmXocJJQDo6Oli+fDkmT54sc3zTpk1YsGABMjMzBU4mn7KzsyEWi1GzZk3WUQRR3CL43bt3UFVVrdCZF8rUJtjLywteXl4AUKJlvSwtWrRAcHAwLXMkUuHh4YiLi8POnTtljru5uaF///5K07L9+fPniIiIQFhYGM6fP4+6devCwcEBzs7OMDc3Zx1P7qSmpiIiIgJ79+7F1atXIRKJ0KtXLzg6OmLcuHGs4wmqdu3a8Pb2xs8//yxzfOPGjVi8eDFevnwpcDLhfUlrf4Da+wPA5cuXce/ePUgkEpiamqJDhw5f9D1kjZpDCIjn+c+eSp+UlPTZm0Flo62tzTqCoFJTUwFAul6++DUpMmfOHPz888/geR76+vrYvHkzRowYUeIajuOgqakJdXV1RimJvPLz80O7du3KHNfQ0ICfn59SFE42NjY4ceIEatSogeHDh2Pp0qWwtramA0o/8fDhQ+zduxcRERH4559/wHEcunfvjo0bN2LEiBHQ09NjHZGJ/Px8vH///rPjb9++FTAROydOnGAdQeG0a9fus3+L5R3NOAnI1dUVe/bswcqVKzFx4kRoamoCAN6+fYvAwEB4enrihx9+KPOJKCGkyP3796Gnpyf9HVJWX/q0s5gyPu2sVauW9G+vLFu2bIGnp6dS7FcRiUTQ0NBA165dK/SQgeM4REdHC5BMvhT/fllaWsLR0REjR46s8kvGK8LCwgKqqqo4ffp0qTGe59G9e3fk5eXh4sWLDNIReXTs2DHEx8cjOTkZr1+/Rs2aNdG4cWPY2toq3MHjNOMkoHXr1iE1NRWzZs3C//73P+kf4PT0dHz48AFdu3aFv78/25CEKICGDRuyjiAXFi1aVKpwOnDgAG7evAlbW9sSDWji4+PRqlUrDB06lEFS9nieR3Z2dpnjWVlZ+PDhg3CBGDIyMgLHcaX2GpRFkZbRfEurV6+Gg4MDDA0NWUeRK8VnN40cORKLFi2SnuGUlJQEb29vnD17Ftu3b2ecksiDx48fY+TIkTh//rzMFVWrV69Gly5dsHfvXoV5KEEzTgxER0cjNjZW2nWvYcOGGDBgAAYNGqS0H1AEX9WBiOM4HDt2rBLSyJeKnMHzKWU5k+djQUFBWLJkCU6cOCEtmordunUL1tbW8Pb2xoQJExglZKdnz57Izs7G33//Xap9dH5+Pjp16oRatWrJfIpOCCnJy8sLS5cuBc/z0iWeEokEHMdh/vz50v2oyigvLw9RUVG4dOkScnJySp1fxHEcgoODGaUTzvv372Fubo4bN25g/PjxGDNmDFq1aoUaNWrgzZs3uHHjBnbt2oXg4GC0bdsW586dg4qKCuvY5aLCiRA5YWVl9VWFszKssa7oGTyfUrYOlWZmZnBzcyvzwOjly5dj586dFZ5pqEpiY2MxcOBAWFpawtPTU3ro9o0bN+Dj44MLFy7g999/h52dHeOkhBU6tP7LJCcn48CBA0hJSQFQ1B1t6NChMDU1ZZyMnfv376NXr15IS0uDtrY2cnJyULt2bWRnZ6OwsBC6urqoUaOG9HtWle3cuRPu7u7Ys2cPnJycyrwuLCwMo0ePxs6dOxXid4kKJ8Lc+/fv6QBBQr4BDQ0NeHt7Y/bs2TLHV61ahcWLFyvt+VY7d+7EL7/8gjdv3kjf43keNWvWhJ+fH9zd3RmmI6zRofXkv3JwcMCxY8cQGxuLRo0aQV9fH0ePHkXXrl0REBCADRs24OjRozAzM2MdtdINHjwYWVlZFZrF7969O2rXrq0QeympcBIQz/MICgpCcHAwUlJSZG5C5jgOBQUFDNKxU7t2bdjb22PMmDHo3r076ziEKKxOnTrh5cuXSExMRP369UuMPXr0CN26dYO+vr5Sn2/16tUrHDlyRLqM09TUFDY2Nkpz7AEpGx1a/+XevHmDrKwsmftXlPEMMF1dXUyaNAlLly5FZmYmdHV1ceTIEfTu3RsA4O7ujmfPnuGPP/5gnLTyNWzYEBMmTMCCBQvKvXbZsmXYunVrqd9BeUTNIQQ0Z84c+Pr64vvvv8fo0aOho6PDOpJcsLe3R1RUFIKDg2FoaIjRo0fjhx9+kG44VXYnT57EH3/8UWJPnJ2dncIcFlcZKnrooLIdMujn5wdbW1s0adIEw4YNQ+PGjQEUHdh58OBB8DyP3bt3M07JlpaWVqk29oQApZvOLFmyBHp6eqUOrW/dujVGjBgBGxsb+Pn5Kd2S4Ly8PHh5eSE4OBgZGRllXqeMM3Fv376FsbExgKK/NRzHIScnRzreuXNnzJo1i1E6Yb18+bLUA7yy1K9fX2HO/aLCSUAhISEYMWIE9u7dyzqKXAkKCsLGjRtx+PBh7NmzB2vXroWPjw/atWuHMWPGYNSoUTAwMGAdU3Dv37+Hk5OT9Ia3+Fyr7OxsrF27FsOGDUN4eLhCbKb81iq6H0zZPri7deuG8+fPY+HChThw4IB0SZ6GhgZsbW3h5eWF1q1bM04pjAcPHgD4v6fexa/Lo4xPyYlsBw8exPLly2X+rRGJRBg+fHiFnqZXNZMnT0ZISAiGDh2K7t2700PgjxgZGeHRo0cAgGrVqqF+/fo4d+4chg8fDqCo86CynDP47t07qKmpVehaVVVV5OXlVXKib4MKJwG9e/cOffr0YR1DLqmoqGDYsGEYNmwYXr16hcjISISFhWHmzJmYPXs2+vTpg9GjR2PYsGHQ0NBgHVcQXl5eOHDgAGbNmoWZM2dKi8fnz59j7dq1WL16Nby9vbF06VLGSYUnqyFGYWEh0tLSEBQUBIlEghUrVjBIxl6rVq1w4MABSCQSvHjxAgCgp6endIebGhsbg+M4vHv3DqqqqtLX5VG2YpuUjQ6tl23//v0YP348tmzZwjqK3LG2tkZ0dDQWL14MoKixkY+PD7KysiCRSBAaGqoQDRC+ldzcXGRmZpZ73cf7TuUd7XES0NChQ6Gnp4etW7eyjqIQLl68iJUrVyIqKkr6Xs2aNfHjjz9iyZIlqF69OsN0lc/ExARWVlZlLgNxdXVFQkIC0tLShA0m5yQSCbp3747evXvD29ubdRzCyM6dO8FxHMaOHQuO46Svy+Pi4iJAOqII6NB62XR0dLBixQp4eHiwjiJ3Hjx4gL///hsDBw6Empoa8vLy8PPPPyMqKgpisRgDBw7EunXrUKtWLdZRK92XHNDO8zw4jlOIB1dUOAnoyZMnsLW1hZOTEzw8PFCnTh3WkeROamoq9uzZgz179uDff/9FnTp1MGrUKIwdOxaqqqoICgrC1q1bMXDgwBIFVVWkrq4Of39/TJw4UeZ4YGAgpk+frjDT20Jav349fHx88OTJE9ZRBJeVlYXw8HBpAxpZ3cCU4QwRIhudF1dxOTk5GDx4ME6fPg0VFRWZh9YfOnRIuoxaWbi6uiI3NxeRkZGsoxA59jVneRXP1MkzKpwEVLNmTUgkEumNrrq6OsRicYlrPt1IqAwyMjIQERGB3bt34/z581BVVcXAgQMxduxY9O/fH9WqlVxRunLlSnh7eyM3N5dRYmE0btwYHTt2xG+//SZzfNSoUbh48SLu3bsncDL55+XlhZUrV+Lt27esowgqLi4O9vb2yM3NhZaWlsy9BxzHKcUZIkQ2WfsDHz58iJSUFNSqVQuNGjUCUPQQKzs7G6ampjA0NMTx48dZxJULdGh9ScnJyXBwcECHDh3g4eEBIyOjUvcyQFHHXGXj7u4ODw8PWFhYyBy/cOECNm/ejO3btwucjHwrtMdJQCNGjFDKP7LlqVevHgoKCtC5c2ds2rQJjo6On32C17JlS+jr6wsXkBEXFxcsXrwY2tramD59Oho3bgyO43D37l34+/sjMjJSaU9nL2ujf3Z2Nk6dOoXVq1crZWv7mTNnom7duti/f7/SNIEoy9cs0+Q4DgsXLqyENPIjISGhxOvExEQMHjwYW7duhYuLi/RBVUFBAXbs2IG5c+cq3VK0Tw0ZMgRDhgwp9X5hYaH0YGVlUnwG0eXLlz87e60Iy66+tZ07d6JPnz5lFk6pqakICQmhwkmB0YwTYW7JkiUYM2aMUp82LkthYSHGjRuHXbt2geM46eZ+iUQCnufh4uKC4OBgpdv0D3x+7TTP87C0tERYWJi0LayyUFdXx+rVqzFlyhTWUZj70sNMFWmN/bdkaWmJrl27Yu3atTLHZ86cicTERJw/f17gZPLrzJkz2LNnDyIjI5GRkaF0PzNLliyp0ENgRVh29a2JRCLs3r0bzs7OMsf9/PywcOFChWqGQEqiGSfC1Nu3b3Ht2jWcO3eOCqdPiMVi7Ny5EzNmzMAff/whnWUpXiaizIcubt++vdQHN8dx0NHRgampKVq0aMEoGVtmZmZ4/fo16xhyQSKRlHj9+PFj2NnZoVWrVpg2bVqJw0z9/f2RlJSkFIdSfuratWsYM2ZMmeMmJiYIDAwUMJF8unXrFvbs2YOwsDDcv38f1atXh62tLQYNGsQ6muCWLFnCOoJciY6ORnR0tPR1UFAQjh49Wuq67OxsHD16FJ06dRIyHvnGaMaJgUePHuHy5cvIyckp9eEOQKlaVQJFh8StXbsWEyZMYB1FLuTl5SE6OhqpqanQ1dWFnZ2ddFMyIZ8THR2Nn376CYmJiUo321aeoUOHQkVFpcwN7fb29igsLMSBAwcETsZW48aN8d133+H48eOl9pMWFBSgV69eSE9PV8q9lE+ePEF4eDj27NmDq1evQkNDA+/evcOyZcswc+ZMqKqqso4oF3JyclCjRg2Z+5yUgY+PD3799VcARQ+DVVVVS/0ucRyH6tWro0OHDvD19UWTJk1YRCXfABVOAsrLy4OLiwuioqIgkUiky0MAlHh6rmzT/gMGDEDdunVpzS+Kzmjq0qULUlNTpT8bmpqaOHjwIJ0BBuC3336DlpYWBgwYUOY1f/zxB968eQNHR0cBk8mHqVOn4vTp07h9+zb69u0LQ0NDmQ1o1q1bxyghO1paWli5ciUmTZokczwwMBBz587Fq1evBE7GVlBQECZOnIj27dtj4sSJaNy4MQDg7t272Lx5M65cuYJNmzYpTevpV69eYd++fdizZw9OnToFDQ0NDB48GE5OTmjUqBFatmyJffv2SQ80VVYXL17EggULcOrUKbx//x7x8fGwtrbGy5cvMW7cOEyfPh1WVlasYwquvKV6pArgiWCmT5/OV6tWjV+xYgV/8uRJnuM4fteuXfyRI0d4Ozs7vl27dvz169dZxxRccnIy37hxY37+/Pn8w4cPWcdh6ueff+bFYjE/c+ZM/o8//uDXrVvH6+rq8o0aNWIdjbn9+/fzIpGIj4+P/+x18fHxvEgk4g8fPixQMvnBcVy5/0QiEeuYTOjp6fFjxowpc3z06NG8np6egInkx7Zt23gDAwPpz4dIJOI5juP19fX5oKAg1vEEpaGhwWtoaPAjRozg9+7dy7979046du/ePZ7jOD4qKophQvb++usvXk1NjW/UqBE/YcIEnuM4/tixY9Lxnj178qNGjWKYkJDKQzNOAjIyMkK/fv0QFBSEjIwM6Onp4ejRo9JzNaytrdG0aVOlW09es2ZNFBQU4P379wCAatWqQU1NrcQ1ytKmvWnTpujatWuJ2beIiAg4OzsjKSlJui9DGQ0ePBi5ubkVOk+mb9++qF69Og4ePFj5wYhCmD59OgICAvDTTz9hypQp0j2VycnJCAgIwKZNmzB16lT4+fkxTspGQUEBLl68WKLldseOHUstOarqRCIR6tWrB2dnZ4waNQodOnSQjiUnJ8PMzEzpZ5ysrKyQk5ODc+fO4fXr19DX1y9xL+Pl5YWQkBClP/bgzZs3Ms/SA4ruB5VNYWEhIiMjceLECTx//hze3t5o3bo1cnJycOzYMXTt2hUGBgasY5ZLuf4iMvb8+XOYm5sDADQ0NACgxFlEI0aMgLe3t9IVTtSm/f88ePAAc+fOLfFet27dwPM8nj17ptSF0/nz5zFnzpwKXduvXz+sXr26khMRRbJy5Uq8fPkSGzZswMaNG0t1qXRycsLKlSsZp2SnWrVqsLS0hKWlJesoTCUlJWH37t0ICwuDr68vTE1N4eTkBCcnJ6ioqLCOJxf+/vtv+Pj4QE1NTWZ3uPr16+Pp06cMkrGXl5cHLy8vBAcHIyMjo8zrlG1LRnZ2Nvr164cLFy6gRo0ayM3NlXZ/rVGjBqZOnYqxY8dK94rJMyqcBGRgYCD9RdLU1ISOjg7u3Lkj7crz6tUr6eG4ykTZzwj5WH5+PtTV1Uu8V/y6oKCARSS5kZ2djTp16lTo2jp16iArK6uSExFFoqqqitDQUMyePRsxMTElZlb69++Ptm3bMk7IVlJSElJSUsp8Qq4sTYuaNWuGZcuWYdmyZUhMTMSePXuwadMmLFu2DCYmJuA47rM3xMpARUVFZmOrYo8fP0aNGjUETCQ/Jk+ejJCQEAwdOhTdu3eXeQi5MvL09MTNmzcRFxeHdu3alTiLUywWw97eHjExMVQ4kZIsLCyQmJgonVEYNGgQVq9ejXr16kEikcDPz0/pn/YRIC0tDZcuXZK+Ll6iePfuXZkHA7dv316oaEzVrl1berNbnvv37yvlqfUAEBsbC19fX1y6dAk5OTkyb4KV7Wnnx9q0aaPUrfw/lZycjNGjR+PChQsyf1aAoqXSylI4faxbt27o1q0b1q9fj5iYGOzevRtPnjzBxIkTsWrVKgwZMgQDBw5UuiYIlpaW2LdvH6ZNm1ZqLDc3Fzt27EDPnj2FDyYH9u/fj/Hjx2PLli2so8iVgwcPYsqUKejbt6/MBw9NmjRRmIfoVDgJaOrUqYiMjER+fj7U1NSwdOlSnD17VnqGhqmpKQICAhinZIfatBdZuHAhFi5cWOr9yZMnl3jNK9mBnZ07d0Z4eDgWLFjw2ba3hYWFCA8PR+fOnQVMJx+ioqLg4OCAli1bYtSoUQgMDISzszN4nkd0dDTMzMwwdOhQ1jGJHPHw8MD169fh7+9PT8jLUK1aNQwePBiDBw/G69evERUVhT179sDf3x9+fn5K8ze4mJeXF3r27Ak7Ozs4OTkBAK5evYqUlBSsWbMGL168kPkZpgw4jlOah5lfIicnByYmJmWOf/jwQWFW1VBzCMYkEgmuX78OsViMZs2aKd1GXIDatH8sJCTki7/GxcWlEpLIn4SEBFhbW8PBwQHBwcGoXr16qWvevn2LcePGYe/evTh27JjSPQnu2LEjVFRUkJiYiKysrBKbttPS0mBpaYlVq1YpzUOIj4lEogrtpVSGvzMf09DQwLx585T2Rve/ePLkCSIiIjB9+nTWUQR3/PhxTJo0CXfv3i3xvqmpKbZt26a0M06urq7Izc0t87w4ZdWqVSt0794dgYGBMpuj2dnZ4cWLF7hw4QLjpOVTvrt0OSMSiZR+bf28efOwf/9+LF++HJ07d4aVlRVCQkJQr149+Pv748mTJ9i1axfrmIJQliLoa1hZWWHhwoVYunQpjh07hmHDhqFVq1aoWbMmXr9+jevXryM6OhovX77E/Pnzla5oAor2qfj4+EAsFksfwnz48AEAYGxsjMmTJ2PlypVKWTgtWrSoVOFUWFiItLQ0HDx4EE2bNsXAgQMZpWNHV1cXtWrVYh1DIX333XdKWTQBRV2A79y5gytXruDu3buQSCQwNTVFhw4dlLrZ08KFC+Hg4IAff/wRHh4eMDIykrlCQtmWko8fPx5z586FlZUVevfuDaDowXh+fj68vb3x559/IigoiHHKCmLSBJ2QjxgaGvITJkzgeZ7nX758WepMiF69evETJ05kFY/ImcjISL5Zs2Yyzyhq1qwZHxERwToiM3Xq1OE3bdokfa2urs7v2LFD+nrz5s28hoYGg2Ty7cmTJ7yRkREfFhbGOorgli1bxnfq1IkvKChgHYUQhffpmXll/VM2EomEHz9+PM9xHK+jo8NzHMfXrVuXV1FR4TmOU6h7PJpxIsxRm3byJezt7WFvb4979+7h1q1bePXqFbS0tNCsWTOYmZmxjsdU06ZNkZSUJH39/fffIzQ0FKNHj0ZBQQHCwsKU8vyQ8tSrVw8TJ07E0qVLpXs2lEWTJk1QWFiItm3bwt3dHYaGhjKfkCvzuUWkpFOnTn12nOM4qKuro0GDBqhXr55AqeSDrJltUvQzsXXrVri4uGDfvn0lZikdHBzQo0cP1hErjAonwhy1aSdfo3HjxmjcuDHrGHJl2LBhCAgIwJo1a6Cmpob58+djyJAh0NbWBsdxyM3NLXG4Mvk/1atXR2pqKusYgnN0dJT+96xZs2Reo0xNaEj5rKysKlwcmJmZwcvLq8TPWVW2ZMkS1hHkztu3bzF69GiMGDECP/zwA7p168Y60n9CzSEIcw4ODnj37h0OHToEoGhzZXFLZYlEgpkzZ6Jdu3aIi4tjnJQQxXP69Gns378fYrEYdnZ26NWrF+tIcufGjRsYOnQoqlevjqtXr7KOI6iTJ09W6Dpl3exPSouPj8fcuXORn5+PCRMmSB9g3b17F9u2bYOGhgYWLFiA+/fvY8uWLfj3338REREBe3t7xsmFl5OTgxo1any2E6wy0NLSwtq1azFhwgTWUf4zKpwIc4mJiYiMjMSqVaugpqaGhw8fok+fPtJuPaampjh8+DCaNm3KOCkhRFEVH176qezsbOTk5EBTUxMHDx6UblwmhMg2Y8YMnD17FidPnoSqqmqJsby8PFhZWaFnz55YuXIl8vLy0LFjR2hoaODvv/9mlFhYFy9exIIFC3Dq1Cm8f/8e8fHxsLa2xsuXLzFu3DhMnz5d6ZoXDRgwAHXr1q0SKx6ocBLQ69evkZ2dDUNDQ+l7T548webNm5Gfn48RI0ZI9/ooO2rTTgj5llxdXUsVThzHQUdHB6amphg1apTSdboin7dgwQIcPnwYV65ckTnerl07DB06FIsXLxY2GGMGBgZYsGABpkyZInN8/fr1WL58OZ4+fQoAWLFiBZYuXVpi73JVdebMGVhbW6N+/fro3bs3tm3bVqLttpWVFerVq4fw8HDGSYWVkpICW1tbODo6YuLEiWjQoAHrSF+N7kYF9OOPPyI1NRXnzp0DULR3x9LSEo8ePYJIJMK6devw559/Kt2TiF27dqFHjx4wNjaWvvdxm/b79+/j5MmTStlCmRDybSjKqfQsPH36FMHBwbh06ZLMA8g5jsOxY8cYpWNn3759GDZsWJnjAwYMQEREhNIVTrm5uXj27FmZ4+np6Xjz5o30tba2ttIsVZs3bx6aN2+Oc+fO4fXr19i2bVuJ8V69en3VeY2Krm3btigoKICPjw98fHxQrVo1qKmplbiG4zjk5OQwSlhxVDgJKDExER4eHtLXu3fvxpMnT3DmzBm0bNkSvXv3xrJly5SucHJzc0NoaGiJwulj586dg5ubGxVOhBDyjV27dg1WVlZ49+4dmjZtiuvXr6NFixbIzs7G48ePYWpqWmKVhDJ58OABTE1Nyxw3MTHB/fv3BUwkH6ytreHv7w9LS8tSZ58dOnQI69atK7Hk9cqVK2V+vlc1f//9N3x8fKCmplaieCxWv3596UycMhkxYkSV6TZIhZOAXr58ifr160tf//777+jWrRssLS0BAGPHjoWXlxereMyUt1o0NzeXluoRQr7Y/v37v+h6sVgMLS0ttGjRAgYGBpWUSr54enqiRo0auHLlCjQ1NaGvr49169bB2toakZGRmDRpEvbs2cM6JhM1atT4bGGUmpoKdXV1ARPJhw0bNqBXr14YMmQI6tevLy0uk5OT8fjxYzRs2BDr168HULTn6cGDBxg/fjzLyIJRUVEpNWP7scePH6NGjRoCJpIPVWnGn+5GBaStrS190vDu3TucPn0a8+fPl45Xq1YNb9++ZRVPUNeuXSuxbvz06dMoKCgodV12djY2b96MJk2aCJiOyBuRSPRVT6uohbJys7e3B8dx5T6c+Vjxz5mNjQ1CQ0Ohq6tbWfHkwl9//YU5c+bAyMgImZmZACC98Rs5ciQSExMxe/bsCnffq0qsrKywZcsWTJw4scRDTwB4+PAhgoKClLJLpZGREa5fv47NmzcjLi5OWlw2b94c06ZNg4eHB6pXrw4AUFdXR0xMDMu4grK0tMS+ffswbdq0UmO5ubnYsWMHdahUcFQ4CahLly7YtGkTmjVrhj///BN5eXkYMmSIdPzff/8t9ce5qjpw4IB0do3jOGzZsgVbtmyRea22tjZ27dolZDwiZ2QdKnjgwAHcvHkTtra20o6Lt2/fRnx8PFq1aoWhQ4cySErkyYkTJ77oep7n8fr1a1y4cAFr1qzBlClTqvwmbolEIp1dK96LUlxAAUDr1q0RHBzMKh5TS5cuhbm5OVq2bIlx48ahZcuWAIra12/fvh08z2Pp0qWMUworLy8PQUFB+P777zFjxgzMmDGDdSS54uXlhZ49e8LOzk56mPbVq1eRkpKCNWvW4MWLF1i4cCHjlMKr6D2cImzJoK56Arp37x5sbGyQlpYGAJg5cyZWr14NoOjJuLGxMfr164etW7cyTCmM9PR0PHnyBDzPw9zcHN7e3ujfv3+JaziOQ/Xq1WFqakpL9UgJQUFBWLJkCU6cOFGqTf2tW7dgbW0Nb2/vKnFmxOe4u7t/8ddwHKe0N8JfYv78+di0aROysrJYR6lUbdq0waBBg7B8+XIAQJMmTWBlZYWgoCAART9j8fHxePToEcuYzFy7dg1TpkzB6dOnS7zfo0cPBAQEoE2bNoySsaOhoYGAgIAq//f1ax0/fhyTJk2SHqlSzNTUFNu2bVPKGSeRSFTm2McPRRVhlQgVTgL78OEDkpKSUKtWrRKbJV+/fo3jx4+jbdu2SrOJstjJkyfRvHlz6Ovrs45CFISZmRnc3Nwwb948mePLly/Hzp07S31wVTXGxsZfvISR4zikpKRUUqKq48iRI/Dx8cHx48dZR6lUs2bNwu+//45///0XAODn54eZM2fC2toaPM8jISEBM2fOxKpVqxgnZevly5fS35tGjRpV+SWcn9OpUyfY2NhIi20i25UrV3D37l1IJBKYmpqiQ4cOVaZBwpeStVewsLAQaWlp2LRpEx48eICQkBA0b96cQbovQ4UTIUThaGhowNvbG7Nnz5Y5vmrVKixevBjv3r0TOBkhiiUrKwspKSlo06YNVFRUwPM8li9fjqioKIjFYgwcOBDz5s0rddApUV7x8fFwdnbGb7/9hj59+rCOQ6oAOzs7GBsbY+PGjayjlIsKJwaSkpKQkpKCrKwsmZuWFWGN53/Rq1cviEQixMXFoVq1atKD4T5HWc8RIbJ16tQJL1++RGJiYql9gY8ePUK3bt2gr6+PCxcuMEpICFE0xfswxowZA47jqtS+jG9p8ODBuH37NpKTk2FiYgITExNoaGiUuIbjOERHRzNKyN6DBw8+e583fPhwBqnkV2BgIBYuXIiXL1+yjlIuKpwElJycjNGjR+PChQtldnniOE4h1nj+F1ZWVuA4DkeOHEG1atWkr8vzpRu9SdWVmJgIW1tbAMCwYcPQuHFjAMDdu3dx8OBB8DyP+Ph4dOvWjWVMQogCKe7e+e7dO6iqqn52X0YxZfjM/lRFlggr65LgBw8ewN3dXXq/IuteTxl/Zsoza9YsbNmyBa9fv2YdpVxUOAmoT58+OHfuHHx8fNC9e3fo6OjIvK5hw4YCJyNE8dy4cQMLFy5EfHy8dEmehoYGbG1t4eXlhdatWzNOyEZsbCx8fX1x6dIl5OTkyPzgpg9tQkor3odR/Blc0cNt6TObFOvVqxfOnj2LmTNnwsLCArVq1ZJ5nbI1iDh16pTM97Ozs3Hq1CkEBARg6NCh2Lt3r8DJvhwVTgLS0NDAvHnzlLIVJSGVRSKR4MWLFwAAPT29Cj0lrqqioqLg4OCAli1bonv37ggMDISzszN4nkd0dDTMzMwwdOhQLF68mHVUQuTOjBkzMGbMGLRr1w5A0eyBnp5eqWVohJRFQ0MDc+bMkR63QoqUdRYjz/MQi8UYOXIk1q9fjzp16jBI92Wox7OAdHV1y3z6oEwePHjwVV9nZGT0jZOQqkAkEknPoVF2Pj4+MDc3R2JiIrKyshAYGAh3d3dYW1sjLS0NlpaWMDExYR1TEF979puy7Vch/8ff3x8dO3aUFk4mJiYIDQ2Fs7Mz42Typ7CwEJGRkThx4gSeP38Ob29vtG7dGjk5OTh27Bi6du2qlH+XGzRoUOZqImV2/PjxUoUTx3HQ0dFBw4YNoaWlxSjZl6PCSUATJ07E7t278dNPP0EsFrOOw8zXtFAGaHkRKSkrKwvh4eFlbsBVxvOKkpKS4OPjA7FYLD377MOHDwCKfu8mT56MlStXKkVx4OrqWuq94r87sn5WiinD94bIZmBgUGJfDi3IkS07Oxv9+vXDhQsXUKNGDeTm5mLKlCkAgBo1amDq1KkYO3Ysfv31V8ZJhTdr1ixs2LABP/74IzQ1NVnHkRtWVlasI3wzVDgJqEmTJigsLETbtm3h7u4OQ0NDmQVUVe+2sn37dqU9y4B8G3FxcbC3t0dubi60tLRkPuFTxp8xTU1NadtobW1tqKmpIT09XTpuYGCA1NRUVvEE9en/z+zsbLi4uKBWrVqYMmWK9ODk27dvY/369Xj9+jVCQkJYRCVyws7ODt7e3oiPj4e2tjYAYO3atfjtt9/K/Bpl7B7n6emJmzdvIi4uDu3atStxBqNYLIa9vT1iYmKUsnDy8PBAYWEhzMzMYG9vjwYNGpS6z+M4DtOnT2eUkA2xWPzZ2duIiAg4OzsrxANy2uMkIOrQQ8i30apVK+Tn52P//v1K2wRClq5du6J9+/ZYv349AKBz587Q1NREXFwcCgoKYGtri2fPnuH27duMkwrPzc0Njx49Qnx8fKmiWiKRwMbGBoaGhtixYwejhMKgJYxly83NxfLly6XLz9LS0lCnTh1Ur169zK9Rxu5xdevWhbu7O3799VdkZGRAT08PR48elR4tsmnTJsybNw/Z2dlsgzJw48YNDBw48LNbEpTxPk8kEmH37t1lFk5hYWEYO3YsCgoKBE725WjGSUDUTpuQb+PevXtYvXo1FU2fGDZsGAICArBmzRqoqalh/vz5GDJkCLS1tcFxHHJzc7F9+3bWMZk4ePAgli9fLnMmUiQSYfjw4ViwYAGDZMKStYSxPBzHKUXhVL169RKzJCKRCP7+/rTH6RM5OTmf3Sv54cMHhbgBrgw//vgjcnJysGXLls921VNGZa0CefXqFeLi4qCrqytwoq9DhZOAlK39ZFm8vb3BcRzmz58PkUgEb2/vcr+G4zjqRkikzMzMFOK8B6HNmjULs2bNkr4eOHAgEhISsH//fojFYtjZ2aFXr14ME7LD8/xnZ9qSkpKUYk+LsizV/BZOnDiB5s2bs44hd0xNTXHp0qUyx+Pj49GiRQsBE8mPK1euwMvLCxMmTGAdhTkvLy/p/R3HcRg9ejRGjx4t81qe5zF16lQh4301WqrHSFJSUokzI5TpjwwdMkj+q+joaPz0009ITEyEsbEx6zhEAbi6umLPnj1YuXIlJk6cKN24/fbtWwQGBsLT0xM//PADdu7cyTYoIXLO398fc+fOxa5du9C7d2/o6+vj2LFj6NKlC7y9vbFixQoEBQVh3LhxrKMKrmXLlnB1dcXs2bNZR2EuNjYWMTEx4HkemzZtQt++fdGkSZMS13Ach+rVq6NDhw4YPny4QhwnQoWTwKKjozFjxgykpaWVeN/ExAS+vr4YPHgwm2CEKJCpU6fi9OnTuH37Nvr27Suz0QrHcVi3bh2jhETe5OTkYPDgwTh9+jRUVFRQr149AEB6ejo+fPiArl274tChQ9KmAET5mJiYQCQS4fbt21BRUYGJiUm5TWY4jkNycrJACeUDz/P48ccfERwcDG1tbWRnZ8PAwAAZGRkoKCiAh4cHAgMDWcdkYt++fZg1axZOnz4NQ0ND1nHkhpubGzw8PGBpack6yn9GhZOAYmJiMHjwYDRs2BA//vijdAnArVu3EBQUhPv37+Pw4cPo168f46SEyDeapSxCN3pfLjo6GrGxsSVm/AcMGIBBgwYpZSdGAHj69CmCg4Nx6dIl5OTkQCKRlBjnOA7Hjh1jlE44rq6u4DgO27Ztg1gslr4uT1VvKFKWxMRE7Nu3D3fv3oVEIoGpqSkcHBzQo0cP1tGYmTp1Kk6dOoV///0Xffr0oYd6VRAVTgLq3Lkz8vPzcfr06VJdenJzc9GtWzeoq6vj7NmzjBISQhQJ3eiR/+ratWuwsrLCu3fv0LRpU1y/fh0tWrRAdnY2Hj9+DFNTUxgaGuL48eOsoxIi9+ihnmzr16/H4cOHERcXJ3O8f//+GDx4MCZNmiRwsi9HhZOAijv2/PLLLzLH161bh3nz5iE3N1fgZML70iWJynhWBiGEVLYBAwbgxo0bSExMhKamJvT19aWtpSMjIzFp0iTExMTA3NycdVTB7dq1Cz169ChzH+X9+/dx8uRJpeg4SMh/0bZtW1hbW8PPz0/m+MyZM3H8+HFcvnxZ4GRfjrrqCUhdXR2ZmZlljmdmZkJdXV3AROwcPnwY6urqqFu3boU6WSnrEhpCyLfB8zyCgoIQHByMlJQUZGVllbqG4zila6P8119/Yc6cOTAyMpJ+PhUv1Rs5ciQSExMxe/ZsnDx5kmVMJtzc3BAaGlpm4XTu3Dm4ubkpZeG0e/dubN++Xfq79OnnOMdxyMnJYZSOyJvk5GT89NNPZY43a9YMW7duFTDR16PCSUDW1tZYt24d+vXrh86dO5cYO3/+PAICAmBjY8MonbDq16+Px48fQ1dXF87Ozhg1ahTq1q3LOhZRILGxsfD19ZXuy5BVgCvbcojw8HDExcWV2RnOzc0N/fv3h4ODg7DB5MCcOXPg6+uL77//HqNHj4aOjg7rSHJBIpHAwMAAAKCtrQ2xWFziAV/r1q0RHBzMKh5T5T3Uy83NRbVqyncbNXfuXKxZswb169dHx44d6ayiMrx580ZmUQkARkZGDBKxo6qqiqdPn5Y5np6erhAd9QAqnAS1atUqdO7cGd26dYO5uTmaNm0KALhz5w4uXLgAfX19rFy5knFKYTx8+BAnT55EWFgYli5ditmzZ6Nnz5744YcfYG9vj5o1a7KOSORYVFQUHBwc0LJlS4waNQqBgYFwdnYGz/OIjo6GmZkZhg4dyjqm4Pz8/NCuXbsyxzU0NODn56eUhVNISAhGjBiBvXv3so4iV0xMTKRnO4lEIpiYmODo0aPSn5EzZ84oVafBa9eu4cqVK9LXp0+fljkLmZ2djc2bN5dqr6wMtm7dioEDB+LAgQMKc7MrlLy8PHh5eSE4OBgZGRllXqdsD/UsLS2xc+dOTJ8+vdT9XU5ODnbs2KE4Hfd4Iqhnz57x06ZN45s2bcqrq6vz6urqfNOmTfnp06fzz549Yx2Piffv3/MHDx7kHRwceE1NTV5dXZ0fNmwYHxkZyefl5bGOR+RQhw4deEtLS76goIB/8eIFz3Ecf+zYMZ7neT41NZU3MDDgQ0JCGKcUnpaWFh8YGFjm+ObNm3ltbW0BE8mPGjVq8Fu2bGEdQ+7MnDmTNzMzk7729fXlOY7je/fuzVtbW/MikYifPXs2w4TCWrJkCc9xHM9xHC8SiaT/Leufjo4Of+jQIdaRBaejo8Nv3ryZdQy55ObmxotEIn748OG8n58fv3PnTpn/lM25c+d4NTU1vlGjRnxAQAB/7Ngx/tixY/y6det4ExMTXk1NjT9z5gzrmBVCzSGIXHnz5g3279+PzZs34/z581iyZAkWLlzIOhaRM5qamvDx8cEvv/yC7Oxs1K5dG7GxsbC1tQUAeHt7IyIiAjdv3mScVFhaWlqYN28ePD09ZY6vWLECy5Ytw5s3bwROxt7QoUOhp6enMOvohZKVlYWUlBS0adMGKioq4Hkey5cvR1RUFMRiMQYOHIh58+ZBVVWVdVRBpKen48mTJ+B5Hubm5vD29kb//v1LXFN8aKepqalSLtUbO3YseJ5HaGgo6yhyR1tbG46OjtiyZQvrKHLnyJEj8PDwQFpamnTfOs/zMDExQWBgoMJsVVG+33git/Lz8xEXF4fo6GhcvnwZ6urqZW7KJcpNU1NTeiOnra0NNTU1pKenS8cNDAyky4+USbt27RAeHo4ZM2aUutHNz89HWFjYZ5fyVWWbNm2Cra0tfv31V3h4eKBOnTqsI8kFHR0ddOjQQfqa4zgsWLAACxYsYJiKnXr16kkPRz5x4gSaN28OfX19xqnky/r16zFo0CD8/PPPcHd3l3lWEQDUrl2bQTq2OI5D+/btWceQS3379sW9e/dw+fJl6VmCpqamaN++vUI1AKMZp0rk7u4OjuMQFBQEsVgMd3f3cr+G4zil2ogrkUhw5MgRhIeH4+DBg3j79i369OkDZ2dnDBs2rNR5V4QAQNeuXdG+fXusX78eQNEZaZqamoiLi0NBQQFsbW3x7Nkz3L59m3FSYcXGxmLgwIGwtLSEp6cnWrZsCQC4ceMGfHx8cOHCBfz++++ws7NjnFR4NWvWhEQiQV5eHoCiLqeyDqZUtk5gBQUFePv2LbS0tGSOv3r1Cpqamko5s0JkKygowIIFC7B69erPXqds+3iAorP1cnNzERkZyToKqSRUOFUiY2NjiEQi3LlzByoqKjA2Ni63quY4DikpKQIlZOfMmTMICwtDZGQkMjIyYGlpCWdnZzg4OEBXV5d1PCLn1qxZg4CAANy9exdqamo4fPgwhgwZAg0NDXAch9zcXGzfvh2urq6sowpu586d+OWXX0osx+N5HjVr1oSfn1+FHuBURXQ4sGyTJ0/GqVOncOPGDZnjrVu3lnaEVUZxcXElWth/esvEcZz06bmymDhxIrZu3QpLS0tYWFiU2VVv8eLFAidjLzk5GQ4ODujQoQM8PDxgZGREs3EATp06VaHrevToUclJ/jsqnAgTIpEIGhoaGDBgAJycnCq0JI+mv8nnnD59Gvv374dYLIadnR169erFOhIzr169Qnx8vPQhjKmpKWxsbKhbJSmlUaNGGDt2LJYsWSJz3MvLC7t378bdu3eFDSYHVq9eDU9PTxgYGMDc3LzMFvbKVmzr6OhgyJAhZR57oMw+7jL4uQc1yjYbJxKJKvTgShG+LzT3LqAHDx5AT08PGhoaMsffvXuHFy9eKE1//3fv3iEqKgr79+//7HU8z4PjOIX4hSLsdO/eHd27d2cdQy5oaWnB3t6edQyiAJ48eYL69euXOf7dd9/h8ePHAiaSH+vWrYO1tTViYmKgoqLCOo7cUFFRUZzW0QJbtGiRQu3XEcqJEydKvVdYWIi0tDQEBQVBIpFgxYoVDJJ9OSqcBGRiYoLQ0FA4OzvLHP/999/h7OysFAWCsj2hI0RIJ0+exB9//IH79+8DABo2bAg7Ozv07NmTcTL2Hj16hMuXLyMnJwcSiaTU+NixYxmkYqdOnTq4c+dOmeO3bt0qc/9TVZeVlQV7e3sqmj4xatQoHDp0CBMnTmQdRe6UNXOr7D732ePq6oru3bsjISEB1tbWAqb6OlQ4Cai8VZEfPnxQmsPkXFxcWEcgpMp5//49nJyccPDgQfA8Lz24NDs7G2vXrsWwYcMQHh6ulDeCeXl5cHFxQVRUFCQSCTiOk/5N/vgJsbIVTv369cOWLVvwww8/lOq4eOnSJQQFBWHkyJGM0rFlbm7+2aJSWTk6OmLKlCmws7ODu7t7mft4aHl90coaAGWuNCJFy/hGjRoFHx8feHt7s45TLiqcKtmrV6+QnZ0tfZ2RkYEHDx6Uui47Oxu//fabtA0qIYR8KS8vLxw4cACzZs3CzJkzYWBgAAB4/vw51q5di9WrV8Pb2xtLly5lnFR48+bNw/79+7F8+XJ07twZVlZWCAkJQb169eDv748nT55g165drGMKbunSpfjzzz9hbm6OwYMHl+jEeOjQIejr6yvlzwtQ1MK+f//+6NixY5krRZRR8ZLoK1eu4M8//yw1ruzL6x88eIDFixcjJiYGL1++BADo6urCzs4OixcvRsOGDRknlD+ZmZkl7pXlGTWHqGReXl4VrqB5nseyZcswb968Sk5FCKmKTExMYGVlVeZSWFdXVyQkJCAtLU3YYHLAyMgI/fr1Q1BQEDIyMqCnp4ejR49Kl4ZYW1ujadOmCAwMZJxUeOnp6fD09ER0dDRevXoFoGif3NChQ/Hrr7/iu+++Y5yQjTZt2iAzMxPp6emoUaMGGjRoILOF/dWrVxklZCMkJKRC1ynjypLbt2+jW7duyM7ORt++fdG8eXPp+/Hx8dDR0UFiYiKaNm3KOKmwZE0YAEWTBqdOnYKnpye6du2KuLg4gZN9OZpxqmQ2NjaoUaMGeJ7HnDlz4OTkVGr6uvgU8g4dOqBjx46MkhJCFF16ejosLCzKHLewsMBvv/0mYCL58fz5c5ibmwP4v2Uzubm50vERI0bA29tbKQunevXqISQkBDzP48WLFwAAPT09pd/kXrt2bdSpUwdmZmaso8gVZSyIKsrT0xMikQiXL19G69atS4zduHEDvXv3hqenJw4cOMAoIRufO46H53lYWlpiy5YtAqf6OlQ4VbLOnTujc+fOAIo+pEeMGIFWrVoxTkUIqYoaNGiAhISEMjdtnzx5Eg0aNBA4lXwwMDBARkYGAEBTUxM6Ojq4c+cOBg0aBKBoWXXx4bjKiuM46Ovrs44hNxISElhHUEjK1iH4YydPnsTMmTNLFU0A0KpVK/z888/w9fVlkIwtWasgOI6Djo4OTE1N0aJFCwapvg4VTgJSxsPgCPkWvubQVo7jEBwcXAlp5JeLiwsWL14MbW1tTJ8+HY0bNwbHcbh79y78/f0RGRkJLy8v1jGZsLCwQGJiIubOnQsAGDRoEFavXo169epBIpHAz89PKVose3t7g+M4zJ8/HyKRqEJLyTmOw8KFCwVIR+SVpqYmduzYAUdHRwDA69ev4ejoiBUrVqBNmzYlrt2/fz/Gjh2rlHucPnz48NlGEJqamvjw4YOAidj78OED2rVrh9q1a1eJB3e0x4mBv/76C5cuXZLZDpc+oAgp7XPT/GXhOE56AKyyKCwsxLhx47Br1y5wHCft0imRSMDzPFxcXBAcHKw03Ts/lpiYiMjISKxatQpqamp4+PAh+vTpIz3Y1dTUFIcPH67yew+KD6J89+4dVFVVK/SzoMwb/V+9eoVNmzbhxIkTeP78ObZs2QJzc3NkZmZi586dGDx4MBo3bsw6ZqUTiUTYvXu3tEmGrH2Cxfbs2aO0hVP37t3x8uVLnDt3DrVq1Sox9urVK1haWkJXVxenTp1ilFB4hYWFUFdXx9q1azF16lTWcf4zmnESUGZmJuzs7HDhwgVp15mP2+EWv0eFEyElKWMzg68hFouxc+dOzJgxAzExMSXOcRowYECpJ8PKpFu3bujWrZv0taGhIW7duoXr169DLBajWbNmqFat6n8kfvqwTtZZVqTIo0eP0LNnTzx8+BBmZma4ffs23rx5A6Bo/9OWLVtw//59rFu3jnFSIi+8vLzQr18/NGvWDG5ubmjSpAkA4M6dOwgJCUFGRgY2btzIOKWwxGIxGjZsiPz8fNZRvomq/ykhR2bPno1r164hLCwMFhYWaNSoEeLi4mBiYgI/Pz+cPXsWsbGxrGMSQhRcmzZtlLpIqiiRSIS2bduyjsFMfn4+4uLiYGxsTD8vMsyePRuvX7/GlStXoK+vX2r/19ChQ3H48GFG6Yg8sra2RkxMDGbPno0VK1aUGPv+++8RGhqKXr16MUrHzpQpU7BhwwaMGzcOtWvXZh3nP6HCSUAxMTHw8PCAo6OjdJOySCRC48aNsXHjRgwfPhzTpk1DeHg446SEkKrg9u3biIyMRHp6Opo1awZXV1doaWmxjkXkhKqqKkaOHIl169ZR4SRDfHw8pk+fjhYtWkg/sz/WqFEjPHz4kEEyIo8+fPiAW7duoVmzZrh8+TKePn1aYta/bt26jBOyU1hYCDU1NZiamsLe3h7Gxsal9oJxHIfp06czSlhxVDgJKDs7W3q4YI0aNQBAOu0PFLUupzOcCKmY2NhY+Pr6SvcLytquqQxr7Dds2ICAgACcOXMGurq60vcPHTqEkSNH4v3799L3AgICcO7cuRLXEeXFcRzMzMykh3SSkt69ewc9Pb0yx1+/fi1gGvZk7TNV9pb1HxOJROjQoYN0L0/dunWVulj62KxZs6T/XVbTJkUpnJRvhzBD3333HZ4+fQoAUFNTg76+fomD8x4/fkx/hAipgKioKAwcOBDPnj3DqFGjIJFI4OTkhFGjRkFDQwNt2rTBokWLWMcUxO+//w5TU9MSxVBBQQHGjx8PsViMHTt24Pr161ixYgXu37+P5cuXM0xL5M28efOwYcMG3Llzh3UUudOiRYvPbuI/ePAg2rVrJ2AitsaNGwctLS1oaWnBxMQEADBw4EDpe8X/JkyYwDgpG1VtL8+3lJqaWu4/RWnmRDNOAurRoweOHDmC+fPnAwAcHR2xatUqiMViSCQS+Pv7w9bWlnFKQuSfj48PzM3NkZiYiKysLAQGBsLd3R3W1tZIS0uDpaWl9IO9qktKSip1o3LixAm8ePEC8+bNkx5W2bJlS1y9ehUxMTHw8/NjEZXIoXPnzqFOnTpo1aoVrKysylxCo4wNEKZNmwYXFxe0adMGI0eOBFDUTOPevXvw8vLC2bNnERUVxTilMOjQ24qpSnt5vqWGDRuyjvDNUOEkoBkzZuDIkSPIz8+HmpoalixZgps3b0q76PXo0QPr169nnJIQ+ZeUlAQfHx+IxWJpJ7TiszGMjY0xefJkrFy5EmPHjmUZUxAZGRkwNDQs8d6xY8fAcRyGDRtW4v2uXbti//79QsYjcm7Dhg3S/z527JjMa5S1cBo9ejTu37+PBQsWSB949uvXDzzPQyQS4ddff8XQoUPZhhSIrANMSWlVaS/PtyQWixEaGiptZ/+piIgIODs7K8TyeiqcBNS6desSp0nr6Ojg6NGjyM7OhlgsRs2aNRmmI0RxaGpqQlVVFQCgra0NNTU1pKenS8cNDAyQmprKKp6gDAwMpEuAi50+fRqampqlOsapqqpKv2+EANSOvDzz58/HmDFjEBUVhXv37kEikcDU1BTDhw9Ho0aNWMcjcqYq7eX5lso7MrawsFBhtqpQ4SQHtLW1WUcgRKE0bdoUSUlJ0tfFbV5Hjx6NgoIChIWFwcjIiGFC4XTs2BEhISGYMmUKatasiZs3b+LChQsYMmRIqXOJbt++XSVObq+I4oNevwTHcSgoKKikRERRGRkZKd2NLvk6yvLA7muU9ff41atXiIuLU5imRRxfXhlIvtquXbu+6uuUYXkRIf/FmjVrEBAQgLt370JNTQ2HDx/GkCFDoKGhAY7jkJubi+3bt8PV1ZV11Ep3/fp1dOrUCdra2mjZsiX++ecfvH37FmfPnkWHDh1KXGtqagpra2ts3bqVUVrhLFmy5KueYC5evLgS0si/1NRUxMbGlmif3L9/f6XZK0gI+ba8vLzg7e1doWt5nsfUqVPh7+9fuaG+ASqcKpFI9OVNCzmOU4g1noTIm9OnT2P//v0Qi8Wws7NTqkMGz5w5g+XLlyMlJQUNGzbErFmz0KdPnxLXJCQkYMqUKVi7di1sbGwYJSXyaObMmVi3bl2pZXsikQjTpk3DmjVrGCUTlkgkgkgkwtu3b6GqqlqhWUuapSREttjYWMTExIDneWzatAl9+/ZFkyZNSlzDcRyqV6+ODh06YPjw4V913yw0KpwqUfGTuy9VlbqPEEIIkV9r167F7NmzYW9vj5kzZ6J58+YAgFu3bsHPzw+RkZFYs2aNUixVK56lXLhwIUQiUYVnLZV1lpIAJiYmEIlEuH37NlRUVGBiYlKhYjs5OVmghPLBzc0NEydOhIWFBeso/xkVToQQQpTGo0ePcPnyZeTk5MhsjKBsS6WbNWuGZs2a4eDBgzLHhw4ditu3b+P27dvCBiNEAbi6uoLjOGzbtg1isVj6ujzUpVBxUeHEQH5+Pi5duoTnz5+ja9euCrMhjhBW6Kke+a/y8vLg4uKCqKgoSCQScBwn7fT08c+Ssi2VVldXh5+fHyZNmiRzPDAwENOnT0deXp7AyQghVcWxY8dw6dIlzJ49W/re9u3bsWTJEuTn58PZ2Rlr1qyBWCxmmLJiqKuewAICArBkyRLk5OQAAI4cOQJra2u8fPkSzZo1w6pVq+Du7s44JSHypWfPnuA4Trr+ufg1IRU1b9487N+/H8uXL0fnzp1hZWWFkJAQ1KtXD/7+/njy5MlXN/RRZPr6+rh69WqZ41evXoWenp6AieRHQEAA/vjjD8TFxckc79+/PwYPHlxm0VlVfE2HSkD5HkIAQE5ODmrVqsU6htxZsmRJiW0o169fh4eHB9q0aYPGjRsjICAAdevWxdy5cxmmrBgqnAS0Y8cOTJs2DaNGjYKNjU2JAklXVxfW1tb47bffqHAi5BM7d+787GtCyrNv3z64ublh7ty5yMjIAADUr18f1tbW6NOnD6ytrbFx40YEBgYyTiqskSNHYt26dTA2NsaUKVNQvXp1AEBubi42bNiAbdu2Ydq0aWxDMhIcHAxra+syx1u0aIGgoKAqXzgtWrSoVOF04MAB3Lx5E7a2tmjatCmAouMO4uPj0apVK6U5GPhT+vr66NevHxwdHTF48GDUqFGDdSS5cOvWLYwYMUL6OjQ0FFpaWtIzBydOnIhdu3ZR4URKWrt2LYYMGYKwsDDpB/fHOnTogICAAAbJCCGkanv+/DnMzc0BABoaGgCKioNiI0aMgLe3t9IVTkuXLsWVK1cwb948LFq0CN999x0A4MmTJygoKECvXr0q3FK4qklOTsZPP/1U5nizZs2UprX/x4KCgvD8+XPcuHFDWjQVu3XrFqytraU/R8pmxowZiIyMxOjRo6Guro4BAwbA0dERAwcOlP7dUUa5ubnQ0tKSvv7zzz/Rr18/aGpqAgA6deqE3bt3s4r3ReS/718Vcu/ePfTv37/M8dq1a8ssqAghJYWHh3/2jCY3Nzfs3btXuEBE7hkYGEj/vmpqakJHRwd37tyRjr969Uop9/Foamri2LFjOHDgANzd3dG8eXM0b94c7u7uOHjwII4ePSq9uVE2qqqqePr0aZnj6enpCtE++VtbvXo1fv7551JFEwA0b94cP//8M1atWsUgGXs+Pj64d+8ezp8/j8mTJ+PixYtwdHSEvr4+nJyccPDgQbx//551TMEZGhri77//BlB0L3zjxo0Sx2JkZmZCTU2NVbwvQjNOAtLW1sbLly/LHE9KSkLdunUFTESIYvLz80O7du3KHNfQ0ICfnx8cHBwETEXkmYWFBRITE6VLQQYNGoTVq1ejXr16kEgk8PPzg6WlJeOU7AwZMgRDhgxhHUOuWFpaYufOnZg+fTpq1qxZYiwnJwc7duxQyp+ZR48eQUVFpcxxFRUVPHr0SMBE8qdTp07o1KkT1qxZg7NnzyIiIgL79u3D3r17oaWlhaysLNYRBfXDDz/A29sbjx8/xs2bN6Gjo1Pi780///xT6owneaV8j0oYGjBgAIKCgpCdnV1q7ObNm9i6dSsGDx4sfDBCFMydO3c+Wzi1bduW2ieTEqZOnYpGjRohPz8fQNESNW1tbYwZMwYuLi6oVauWUi6VFovFCAsLK3M8IiJCITpdVYbFixfjyZMn+P7777F+/XocP34cx48fR0BAANq1a4f09HSlPMOpVatW2LRpEx4/flxq7NGjR9i0aRNat27NIJl86ty5M3766SdMmDABNWrUwKtXr1hHEtz8+fPh6emJhw8fwsjICAcPHoS2tjaAotmmhIQEhbn/pRknAS1btgwWFhZo1aoVBg0aBI7jEBISgu3btyMqKgr16tXDokWLWMckRO7xPC/zAUSxrKwsfPjwQbhARO5169YN3bp1k742NDTErVu3cP36dYjFYjRr1gzVqinfR2J5J5IUFhYqbQdLCwsLHDp0CB4eHvjll1+k3wee52FiYoLff/8dnTt3ZpxSeH5+frC1tUWTJk0wbNgwNG7cGABw9+5dHDx4EDzPK8x+lcqUmpqKiIgI7N27F1evXoVIJEKvXr3g6OjIOprgqlWrhuXLl2P58uWlxmrXrv3ZJbHyhs5xEtjz58+lbXGLb/xq1qyJESNGYMWKFdDX12cbkBAF0LNnT2RnZ+Pvv/+GqqpqibH8/Hx06tQJtWrVwunTpxklJEQxiEQi7NmzB05OTqXGXr16hSlTpiAuLk6hbmy+NYlEgsuXL0vPhTM1NUX79u2VtqAEgBs3bmDhwoWIj4/Hu3fvABQtkba1tYWXl5fSzjg9fPgQe/fuRUREBP755x9wHIfu3bvD0dERI0aMUNrW/lUJFU4MvXjxAhKJBHp6etINpq9fvy61lpoQUlJsbCwGDhwIS0tLeHp6omXLlgCKPsx9fHxw4cIF/P7777Czs2OclMiLU6dOfXac4zioq6ujQYMGqFevnkCp2PDy8qpwpzye5zF16lT4+/tXbiiikCQSCV68eAEAJe5llFXxmVeWlpZwdHTEyJEjq/zfk4rKy8tDVFQULl26hJycHEgkkhLjHMchODiYUbqKo8JJTjx//hz+/v4IDAxUuk2DhHyNnTt34pdffsGbN2+k7/E8j5o1a8LPz4/OQyMlfMkhnmZmZvDy8qqyS2piY2MRExMDnuexadMm9O3bt9TGbI7jUL16dXTo0AHDhw9Xmhvit2/f4uXLl6hbt26p2ezt27djz549SE9PR7NmzfC///0PnTp1YpSUyKO1a9fCwcEBhoaGrKPIlfv376NXr15IS0uDtrY2cnJyULt2bWRnZ6OwsBC6urqoUaMGUlJSWEctFxVOAnj+/Dl27dqF5ORk6OjoYMSIEejQoQMA4PHjx1i+fDl27tyJvLw8WFlZ4fjx44wTE6IYXr16hfj4eOkfW1NTU9jY2NCsLSklPj4ec+fORX5+PiZMmFBiX8a2bdugoaGBBQsW4P79+9iyZQv+/fdfREREwN7ennHyyuXm5oaJEyfCwsKCdRS54Onpic2bN+PRo0clDi9dtmwZFi9eDI7joKOjg4yMDGhoaODMmTNo27Ytw8RsZGVlITw8HCkpKcjKyiq1V05RZg+IMBwcHHDs2DHExsaiUaNG0NfXx9GjR9G1a1cEBARgw4YNOHr0KMzMzFhHLRcVTpXs9u3b6NGjBzIyMqR/WEQiEXbv3g2O4zB+/Hjk5eVhxIgRmD17trSgIoQQ8u3MmDEDZ8+excmTJ0vNJBQ/tOrZsydWrlyJvLw8dOzYERoaGtKzR4hysLCwgJmZWYnmBq9evYK+vj709fVx8uRJmJiY4MKFC7C1tUW/fv0QHh7OMLHw4uLiYG9vLz3UVEdHp9Q1HMcpxOxBZSgsLERcXNxni8qFCxcySseGrq4uJk2ahKVLlyIzMxO6uro4cuQIevfuDQBwd3fHs2fP8McffzBOWgE8qVT29va8hoYGv3nzZv7mzZv84cOHeTMzM97AwIBXV1fnR44cyScnJ7OOSYhCSkhI4GfPns07ODjwDg4O/OzZs/mEhATWsYgc0tfX5wMCAsocDwgI4A0MDKSvfXx8eE1NTSGiMXX06FF+1apVJd4LDg7mDQ0NeX19fX7atGl8QUEBo3TC09fX51euXFnivfDwcJ7jOH7Dhg0l3p8+fTpfv359IePJhZYtW/KNGzfmr127xjqK3Pn77795IyMjXiQS8RzHyfwnEolYxxSchoYGv23bNp7nef7Dhw+8SCTio6KipONBQUG8lpYWq3hfRPl6rwrs1KlTmDRpEjw8PAAALVq0QLVq1dC/f3+4uLhgx44djBMSonjev38vPYWd53npeRDZ2dlYu3Ythg0bhvDw8M8e0kiUS25uLp49e1bmeHp6eon9ctra2kpxftGSJUvQsGFD6evr16/Dw8MDbdq0QePGjREQEIC6detKDw6u6l6/fo06deqUeO/UqVPgOA62trYl3m/RooW0MYIyuXfvHlavXq20nfM+Z/LkyXj37h0OHjyI7t27Sz+blJ2RkZH0UORq1aqhfv36OHfuHIYPHw4ASEpKgrq6OsuIFaYcuz0ZysjIQJs2bUq8V7weetiwYSwiEaLwvLy8cODAAcycORPp6enIzMxEZmYmnj59ilmzZmH//v0V7hpGlIO1tTX8/f1x+PDhUmOHDh3CunXrYG1tLX3vypUrMDY2FjAhG7du3ULHjh2lr0NDQ6GlpYXTp08jIiICEyZMwK5duxgmFFbDhg1LHZ6dkJAAAwMD6b64Yu/fv4eWlpaQ8eSCmZkZXr9+zTqGXLp27Rrmzp2LQYMGUdH0EWtra0RHR0tfu7q6ws/PDxMmTMC4ceOwceNGDBo0iGHCiqMZp0omkUhKPfUufv3xxlNCSMWFhYXBxcUFq1atKvG+vr4+Vq5ciWfPniE0NBRLly5llJDImw0bNqBXr14YMmQI6tevD1NTUwBAcnIyHj9+jIYNG2L9+vUAivY8PXjwAOPHj2cZWRDF+1SK/fnnn+jXrx80NTUBAJ06dVKqw0xtbGywfft22Nvbw8LCArt27cLt27cxadKkUtf+888/SlFcf2rZsmX46aef4OzsrJT//z+nQYMG5R4qrYw8PT3x999/Iz8/H2pqapg3bx6ePHmCffv2QSwWw9nZGb6+vqxjVggVTgK4ePFiiSnI169fg+M4JCYmSg/B/Vjx1CUhRLb09PTPdgGzsLDAb7/9JmAiIu+MjIxw/fp1bN68GXFxcbh//z4AoHnz5pg2bRo8PDxQvXp1AIC6ujpiYmJYxhWMoaEh/v77b7i7u+PevXu4ceMGZs6cKR3PzMyEmpoaw4TCWrhwIQ4ePIguXbpALBajoKAAenp6WLRoUYnr3r59iwMHDuDHH39klJSdY8eOQU9PD82bN0ffvn1haGhYalkrx3FYt24do4TszJ07F2vWrMGPP/6olLORZTEyMoKRkZH0tbq6OrZt24Zt27YxTPV1qKteJfvSsy84jkNhYWElpSGkamjcuDE6duxYZnE0atQoXLx4Effu3RM4GSGKpfgwXDs7O9y8eRPZ2dlITk6WLjMaNWoU7t+/j7Nnz7INKqCsrCxs27YNKSkpaNiwIdzd3aGvr1/imgsXLiA0NBQTJ06UHsCtLCpyX6Os9zK+vr7Ys2cPHj58iFGjRpVZVE6fPp1RQuG9ffsWhoaG8PT0xOzZs1nH+c9oxqmSnThxgnUEQqocFxcXLF68GNra2pg+fToaN24MjuNw9+5d+Pv7IzIyEl5eXqxjEjmUn5+PS5cu4fnz5+jatSt0dXVZR2Jq/vz5eP/+PWJiYmBkZISdO3dKi6bMzEwkJCTgl19+YRtSYDo6OuXe4Jmbm8Pc3FygRPJFIpGwjiC3Zs2aJf3vDRs2yLxG2QonTU1NVKtWTTqjr+hoxokQonAKCwsxbtw47Nq1CxzHSZ+ASiQS8DwPFxcXBAcHf/GML6naAgICsGTJEmRnZ4PjOBw5cgTW1tZ4+fIlmjVrhlWrVsHd3Z11TEKIgipeAlyejztZKoPJkyfj9u3bOHbsGDiOYx3nP6HCiRCisK5du4aYmBjph1XDhg0xYMCAUp0sCdmxYwfGjRuHUaNGwcbGBu7u7jh69Ki0k56DgwOys7MRHx/POCkhhFQtp06dwuTJk6Grq4sJEybA2NgYGhoapa5r3749g3RfhgonQgghVV6rVq1gZmaGAwcOICMjA3p6eiUKp5UrVyIgIACPHz9mnLRyubu7g+M4BAUFQSwWV2iGjeM4BAcHC5COKIrY2Fj4+vri0qVLyMnJkdlJTln2OF24cAGNGzdG7dq1y702NTUVp0+fxtixYwVIJj8+Xv0ha8aJ53mF2RdHe5wIIQrv9u3biIyMRHp6Opo1awZXV1fqaERKuHfvHqZOnVrmeO3atZGRkSFgIjaOHz8OkUgEiUQCsViM48ePl7t0RtGX1pBvKyoqCg4ODmjZsiVGjRqFwMBAODs7g+d5REdHw8zMDEOHDmUdUzCdO3dGaGgonJ2dARTtDWzQoAFiY2PRs2fPEteeOXMGbm5uSlc4bd++vcr8HaHCiRCiEDZs2ICAgACcOXOmxIb+Q4cOYeTIkXj//r30vYCAAJw7d07pN/6T/6OtrY2XL1+WOZ6UlIS6desKmIiNtLS0z74mpDw+Pj4wNzdHYmIisrKyEBgYCHd3d1hbWyMtLQ2WlpYwMTFhHVMwn8628TyPvLw8hZg9qSwBAQHo168fmjRpAqDowNuqgnZOE0IUwu+//w5TU9MSxVBBQQHGjx8PsViMHTt24Pr161ixYgXu37+P5cuXM0xL5M2AAQMQFBQk8+y8mzdvYuvWrRg8eLDwwQhRMElJSRg1ahTEYjGqVSt6/v7hwwcAgLGxMSZPnoyVK1eyjEgYmz59Oi5evCh9LRaLERYWxjDRt0MzToQQhZCUlIQJEyaUeO/EiRN48eIF5s2bBxcXFwBAy5YtcfXqVcTExMDPz49FVCKHli1bBgsLC7Rq1QqDBg0Cx3EICQnB9u3bERUVhXr16pU65JQoF29v7y/+Go7jsHDhwkpII780NTWhqqoKoGgmV01NDenp6dJxAwMDpKamsopH5ICOjg6ePXsmfV2V2ilQ4VSJdu3a9VVfp2xrXwmpiIyMDBgaGpZ4r7i16bBhw0q837VrV+zfv1/IeETOfffdd/jnn38wb948REREgOd5hIaGombNmnBycsKKFSuUZmnnl3ad5DgOV69eraQ08mPJkiWl3ivel/HpjR/HcdIN7cpWODVt2hRJSUnS199//z1CQ0MxevRoFBQUICwsDEZGRgwTEtasrKywZMkSXLlyBbVq1QJQdE987ty5Mr+G4zisW7dOqIhfjQqnSvQ1azo5jqPCiRAZDAwM8PTp0xLvnT59Gpqammjbtm2J91VVVaVPRAkppq+vj23btmHbtm148eIFJBIJ9PT0IBKJkJubiydPnuC7775jHbPS1a5du8RG7Q8fPuDMmTNo06YNdHR0GCZj69ODXR8/fgw7Ozu0atUK06ZNQ9OmTQEUNaPx9/dHUlIS/vjjDxZRmRo2bBgCAgKwZs0aqKmpYf78+RgyZAi0tbXBcRxyc3Oxfft21jEFlZaWhkuXLgEAcnJyAAB3796VHiZdTFlm4jZt2oRp06YhPj4ez58/B8dxiI+P/+xxD4pSOFE78kpU0YPQPqVsB6MRUhH29va4fv06Ll68iJo1a+LmzZv4/vvvMWTIEOzbt6/EtbNmzUJsbCxu3rzJKC1RNMuXL8eiRYuUckP3y5cvoa+vX6I9OwGGDh0KFRUVREZGyhy3t7dHYWEhDhw4IHAy+XP69Gns378fYrEYdnZ26NWrF+tIghGJRKU6xhXPRn5Kkdpuf0sikQi7d++Wdh5UZDTjVImoACLk21m8eDE6deoEMzMztGzZEv/88w84jsP//ve/UtceOHCAbgAJqaCq0ib4Wzt+/Phnmxz07t0bc+fOFTCR/OrevTu6d+/OOgYTO3bsYB1B7u3YsQNdunRhHeOboMKJEKIQWrdujePHj2P58uVISUmBpaUlZs2ahQ4dOpS4LiEhAZqamhg5ciSjpISQqkBdXR1nz57FpEmTZI6fOXMG6urqAqci8qa4MREpW1X6HlHhJLCnT58iODhYetr2p2uqOY7DsWPHGKUjRL516dKl3D0FVlZWuH79ukCJCCFV1Q8//ICAgABoa2tjypQpMDU1BQAkJycjICAAYWFhnz1UmRDyf+Li4hAcHIyUlBRkZWXJbLiSnJzMKF3FUeEkoGvXrsHKygrv3r1D06ZNcf36dbRo0QLZ2dl4/PgxTE1NS3UNI4QQQojwVq5ciZcvX2LDhg3YuHEjRKKioy8lEgl4noeTkxOdV0RIBaxevRqenp4wMDCAubk5WrduzTrSV6PCSUCenp6oUaMGrly5Ak1NTejr62PdunWwtrZGZGQkJk2ahD179rCOSQghVUJxl6uKePLkSSUmkS+ffl8+1wWsWPv27Ss7ltxRVVVFaGgoZs+ejZiYGGnDp4YNG6J///6lunkSQmQrvteNiYmBiooK6zj/CXXVE1CtWrUwZ84czJ8/H5mZmdDV1UV8fDz69OkDAPjll19w5coVnDx5knFSQghRfLK6XZVFmbpdURcwQoiQqlevDl9fX3h4eLCO8p/RjJOAJBIJDAwMABSdti0Wi5GZmSkdb926NYKDg1nFI4SQKoW6XclG35cv9+bNG5n7MgDQYa//X0pKCvLz89G8eXPWUYicMTc3x507d1jH+CaocBKQiYmJ9PAzkUgEExMTHD16FA4ODgCKOvSUtUyCEELIl6lKnZy+Jfq+VExeXh68vLwQHByMjIyMMq9Tttm4gIAAnDlzBr/99pv0PTc3N+zatQsA0K5dO8TExEBfX59VRCJnNm3ahP79+6Njx44Kf5YTFU4CsrGxQWRkJJYvXw4AmDRpEmbOnImUlBTwPI+EhATMnDmTcUpCCCGETJ48GSEhIRg6dCi6d+8OHR0d1pHkwrZt20occBsXF4eQkBB4eHigdevWWLBgAby8vLBx40aGKYk8cXR0REFBAcaMGYNJkyahQYMGEIvFJa7hOA5Xr15llLDiqHAS0Pz58+Hk5IQPHz5ARUUF06ZNQ25uLqKioiAWi7Fw4ULMmzePdUxCCCFE6e3fvx/jx4/Hli1bWEeRK/fv3y+xHG/v3r0wMTFBYGAggKJjV0JDQ1nFI3Kodu3aqFOnDszMzFhH+c+ocBKQjo5OicM6OY7DggULsGDBAoapCCGEEPIpjuOUsptgeT7d5xUfH48hQ4ZIXxsbG+Pp06dCxyJyLCEhgXWEb0bEOgAhhBBCiLwZMmQIjh49yjqG3GnSpAkOHDgAoGiZ3pMnT9C/f3/p+KNHj2i/NqmyqB25wG7duoUdO3Z89uTkY8eOMUpHCCGEEABITk6Gg4MDOnToAA8PDxgZGZXalwEULUNSJr/99hucnZ1Rq1Yt5ObmokmTJrhy5QqqVStaxGRlZQUNDQ3ExsYyTkpY+rhrdEUpwu8SLdUTUGhoKNzc3KCiooKmTZvK3GhKdSwhhBDCXvF+jMuXL3/2qBBl66o3atQo1KlTBzExMdDW1sbkyZOlRVNmZiZq166NMWPGME5JWNPV1a3wOXrFFOF3iWacBGRqaoratWsjNjYWurq6rOMQQgghpAxLliyp0I3f4sWLBUhDiGKp6O/PxxThd4kKJwFpaGjA19cXkyZNYh2FEEIIIYQQ8gVoqZ6A2rRpgydPnrCOQQghhBBSISYmJhCJRLh9+zZUVFRgYmJS7kwCx3FITk4WKCEhwqHCSUC+vr4YOXIk+vfvjy5durCOQwghhJBy/PXXX7h06RJycnIgkUhKjHEch4ULFzJKJoyePXuC4ziIRKISrwlRRrRUT0CDBw/G3bt38e+//6JFixYyO/RwHIfo6GhGCQkhhBACFDU6sLOzw4ULF8DzPDiOkzZwKv5vjuMUYkM7IeTboMJJQMbGxhWa3k5JSREoESGEEEJkGTduHH777Tds374dFhYWaNSoEeLi4mBiYgI/Pz+cPXsWsbGxMDAwYB2VECIQKpwIIYQQQj5Rr149ODk5wdfXFxkZGdDT08ORI0fQu3dvAMDw4cOhpqaG8PBwxkmFdeXKFdy6dQtOTk7S9+Li4rB8+XLk5+fD2dkZv/zyC8OEhFQeEesAhBBCCCHyJjs7Gy1btgQA1KhRAwDw5s0b6biNjQ3i4uKYZGNpzpw5iIiIkL5OTU3FsGHDkJqaCgCYMWMGgoKCWMUjpFJRcwgGTp48iT/++AP3798HADRs2BB2dnbo2bMn42SEEEIIAYDvvvsOT58+BQCoqalBX18fV69exZAhQwAAjx8/VsomCVevXsXs2bOlr3ft2gWxWIzLly9DV1cXjo6O2Lx5M3788UeGKQlLDx48+KqvMzIy+sZJvj0qnAT0/v17ODk54eDBg+B5Htra2gCKnmqtXbsWw4YNQ3h4OFRUVNgGJYQQQpRcjx49cOTIEcyfPx8A4OjoiFWrVkEsFkMikcDf3x+2traMUwovJycHderUkb6OiYlB3759oaurCwDo27cvYmNjWcUjcqAie/plUYRGK1Q4CcjLywsHDhzArFmzMHPmTOmG0ufPn2Pt2rVYvXo1vL29sXTpUsZJCSGEEOU2Y8YMHDlyBPn5+VBTU8OSJUtw8+ZNafvxHj16YP369YxTCq9evXq4desWACA9PR3//PMP3NzcpONv3ryRti4nymn79u0lCieJRIJ169bh/v37+OGHH9C0aVMAwO3btxEWFgZjY2NMnTqVVdwvQs0hBGRiYgIrKyvs2LFD5rirqysSEhKQlpYmbDBCCCGEVEh2djbEYjFq1qzJOgoT06ZNw5YtWzBhwgScP38eN27cQEpKivRhsJubG65evYpLly4xTkrkxfLlyxEaGoq//vqrxGwlALx48QLdunWDq6sr/ve//zFKWHH0SEBA6enpsLCwKHPcwsJCup6aEEIIIfJHW1tbaYsmAFi2bBmGDx+O0NBQPH/+HDt37pQWTa9evcK+fftgY2PDOCWRJ8V73j4tmgBAT08PEyZMQGBgIINkX46W6gmoQYMGSEhIwMSJE2WOnzx5Eg0aNBA4FSGEEEJIxdSoUQN79uwpc+zRo0fQ1NQUOBWRZxkZGXj79m2Z42/fvkVGRoaAib4ezTgJyMXFBXv37sXEiRNx584dFBYWQiKR4M6dO5g0aRIiIyPh6urKOiYhhBBCyBcTiUSoVasWNbkiJVhaWsLf3x///PNPqbGLFy9i3bp1n12RJU9oj5OACgsLMW7cOOzatQscx0k3T0okEvA8DxcXFwQHB9OmSkIIIYTIBW9vb3Ach/nz50MkEsHb27vcr+E4TtpEg5CkpCRYWVkhIyMDlpaWMDMzAwDcvXsX586dQ+3atZGQkCA9N02eUeHEwLVr1xATE1PiHKcBAwagTZs2jJMRQgghhPwfkUgEjuPw7t07qKqqVujhLsdxCtFamgjn2bNnWLFiBWJjY0vd/86ZMwd169ZlnLBiqHAihBBCCCGEkHJQcwhCCCGEKL0HDx581dcZGRl94yTyKz8/H3FxcTA2NqZVMkQp0YxTJRKJRBCJRHj79q10eru8k5Q5jkNBQYFACQkhhBACoEKf0bIo05I0nuehrq6OdevWldkhmBBZbt26hR07diAlJQVZWVn4tPzgOA7Hjh1jlK7iaMapEi1atAgcx6FatWolXhNCCCFEvmzfvp0+o8vBcRzMzMzw8uVL1lGIAgkNDYWbmxtUVFTQtGlT6OjolLpGUeZxaMaJEEIIIYRUSFhYGGbMmIGTJ0+iadOmrOMQBWBqaoratWsjNjYWurq6rOP8JzTjJCBvb28MHz4crVq1kjl+8+ZNREVFYdGiRQInI4QQQggp37lz51CnTh20atUKVlZWMDY2hoaGRolrOI7DunXrGCUk8ubJkyeYNWuWwhdNAM04CUokEmH37t1wdnaWOR4REQFnZ2elWi9NCCGEyLO//voLly5dQk5ODiQSSYkxZTyviNqRky9lYWEBGxsbLF26lHWU/4xmnORIZmYmVFVVWccghBBClF5mZibs7Oxw4cIF8DwPjuOk+zCK/1sZC6dPi0dCyuPr64uRI0eif//+6NKlC+s4/wkVTpXs1KlTSEhIkL7ev38/7t27V+q67OxsREREoHXr1gKmI4QQQogss2fPxrVr1xAWFgYLCws0atQIcXFxMDExgZ+fH86ePYvY2FjWMQmReytXrkStWrXQvXt3tGjRAkZGRhCLxSWu4TgO0dHRjBJWHC3Vq2ReXl7w8vICgBJPq2Rp0aIFgoODYWFhIVQ8QgghhMhQr149ODk5wdfXFxkZGdDT08ORI0fQu3dvAMDw4cOhpqaG8PBwxkkrX15eHqZNm4aWLVtiypQpZV4XEBCAW7duISAgACoqKgImJPLM2Ni4QsfxpKSkCJTo69GMUyWbM2cOfv75Z/A8D319fWzevBkjRowocQ3HcdDU1IS6ujqjlIQQQgj5WHZ2Nlq2bAkAqFGjBgDgzZs30nEbGxvMmzePSTahBQUFYefOnUhKSvrsdXZ2dpgzZw7atGmDSZMmCZSOyLu0tDTWEb4ZKpwqmYaGhrTbTGpqKvT09KCpqck4FSGEEEI+57vvvsPTp08BAGpqatDX18fVq1cxZMgQAMDjx4+V5tynvXv3YsSIEWjUqNFnrzM1NcXIkSMRHh5OhROpkqhwElDDhg1ZRyCEEEJIBfTo0QNHjhzB/PnzAQCOjo5YtWoVxGIxJBIJ/P39YWtryzilMK5fv44ffvihQtd26dIFhw4dquRERFG9fv1aZodKADAyMmKQ6MtQ4SSwa9euYf369Z9tbZqcnMwoHSGEEEIAYMaMGThy5Ajy8/OhpqaGJUuW4ObNm9Iuej169MD69esZpxTG+/fvK9z1V1VVFfn5+ZWciCiawMBA+Pr6fnYfkyK0sKfCSUAJCQno168fdHR00LFjR1y+fBnW1tbIy8vD2bNn0bJlS3To0IF1TEIIIUTptW7dukSnWx0dHRw9ehTZ2dkQi8WoWbMmw3TC+u6773Djxo0KXXvjxg189913lZyIKJLNmzfjp59+gq2tLdzd3TF//nxMnz4d6urq2LlzJwwMDDB16lTWMSuk/FPMyDezaNEiNGrUCHfu3MGOHTsAAPPmzUNiYiLOnDmDR48ewcHBgXFKQgghhJRFW1tbqYomAOjTpw927dqF58+ff/a658+fY9euXejbt69AyYgiWL9+PWxtbREbG4sff/wRQFEjkeXLlyMpKQmvX79GRkYG45QVQ4WTgC5duoRx48ZBS0tL2r++eFrSwsICHh4eSneQHiGEECKPAgICPruHqX///ggMDBQwETtz585FXl4erK2tcf78eZnXnD9/Hr1790ZeXh5mz54tcEIiz5KTkzFo0CAAkLapf//+PQCgVq1aGD9+PDZt2sQs35egpXoCqlatmvQplba2NlRUVEo8vWnUqFG5rT4JIYQQUvmCg4NhbW1d5niLFi0QFBSkFN3jGjVqhL1798LJyQldunRBo0aN0Lp1a9SsWROvX7/GjRs3kJycDE1NTfz2228wNTVlHZnIkVq1aqGgoAAAoKWlBU1NTTx8+FA6XrNmTWkHS3lHM04Caty4Me7evQugqAlEs2bNcODAAen4H3/8gbp167KKRwghhJD/Lzk5Gc2bNy9zvFmzZkrVzMnOzg7Xrl3Djz/+iLy8PBw8eBChoaE4ePAg3r59iwkTJuDq1avSmQVCirVq1QpXr16Vvra0tERgYCAeP36Mhw8fYsuWLWjSpAnDhBVHM04CGjBgALZv3w4fHx9Uq1YNM2bMgJubG8zMzAAU/ZH28fFhnJIQQgghqqqqn30Knp6eDpFIuZ4/GxsbIzAwEIGBgXj9+jVevXoFLS0tpdvzRb7M6NGjsXnzZmmHSi8vL/Tp00faflxFRQVRUVGMU1YMx/M8zzqEsvjw4QNevXqF2rVrSw/N2717N6KioiAWizFw4EC4urqyDUkIIYQQDBgwALdv38bVq1dLFQY5OTn4/vvv0bRpU/z555+MEhKiuFJSUnDo0CGIxWLY2NgozIwTFU6EEEIIIZ84f/48evbsifr162PatGlo2bIlgKJ22/7+/njy5AlOnDiBzp07M05KCBEKFU6EEEIIITIcOXIEHh4eSEtLk64U4XkeJiYmCAwMhI2NDeOEhBAhUeEksLi4OAQHByMlJQVZWVn49NvPcZxSbTYlhBBC5JlEIsHly5eln82mpqZo3769tJAihCgPKpwEtHr1anh6esLAwADm5ubQ0dGReV3x4biEEEIIIYQQ+UCFk4AaNGiA5s2bIyYmRnoAGCGEEELYO3XqFACgR48eJV6Xp/h6QkjVR4WTgKpXrw5fX194eHiwjkIIIYSQj4hEInAch3fv3kFVVVX6uiw8z4PjOBQWFgqYkhDCEp3jJCBzc3PcuXOHdQxCCCGEfOLEiRMAis5v+vg1IeS/yczMxKNHj9CmTRuZ49evX0eDBg3K3MIiT2jGSUC3bt1C//798euvv8LZ2Zl1HEIIIYQQQiqVi4sL7ty5g3Pnzskc79KlC5o3b47g4GCBk305KpwE1KZNG2RmZiI9PR01atRAgwYNIBaLS1zDcRyuXr3KKCEhhBBCCCHfjqGhISZNmoR58+bJHPfx8cHmzZtx//59gZN9OVqqJ6DatWujTp06MDMzYx2FEEIIIZ/h7u7+2XGO46Curo4GDRrAysqKDsIlpAwvXryArq5umeN16tTB8+fPBUz09ahwElBCQgLrCIQQQgipgOPHj+Pdu3d48eIFAEj3X2RlZQEA9PT0IJFIkJGRAY7jYGtri3379kFTU5NZZkLkUb169XD58uUyx//55x/o6ekJmOjriVgHUBZv375FnTp1sGbNGtZRCCGEEFKO2NhYqKmpYcmSJcjIyJD+e/nyJRYvXgwNDQ389ddfyMrKwsKFC/Hnn39i4cKFrGMTIneGDh2K4OBg/P7776XGoqOjsWPHDgwbNoxBsi9He5wEZGBggMWLF2Py5MmsoxBCCCHkM3r37g0zMzNs3rxZ5vjEiRORkpKC+Ph4AICzszP++usvhdinQYiQcnJy0K1bNyQlJaFt27Zo1aoVAODGjRu4evUqmjdvjsTERGhra7MNWgE04ySgESNGYN++faBalRBCCJFv586dQ9u2bcscb9u2Lc6cOSN93b17dzx79kyIaIQolFq1auHcuXNYsGABPnz4gH379mHfvn348OEDFi5ciPPnzytE0QTQjJOgTp06hcmTJ0NXVxcTJkyAsbExNDQ0Sl3Xvn17BukIIYQQUqx+/fowNzfHgQMHZI4PGTIEFy9exOPHjwEAq1evxurVqxVmkzsh5MtRcwgBWVlZSf/79OnTpcbpFHJCCCFEPkyYMAHe3t6wt7fHpEmT0LhxYwDAvXv3EBgYiMOHD5fY0xQTE4Pvv/+eUVpCiBCocBLQjh07WEcghBBCSAUsXrwY7969g5+fX6lZJ7FYjBkzZmDx4sUAgLy8PLi6uqJNmzYsohIiV9zd3cFxHIKCgiAWi8tt7Q8UtfenA3AJIYQQQhTY8+fPcfToUTx48AAA0LBhQ/Tu3Rv6+vqMkxEin4yNjSESiXDnzh2oqKjA2NgYHMd99ms4jkNKSopACb8eFU6MpKen4/nz52jcuDGqV6/OOg4hhBBCCCHkM6irnsCio6PRrFkzNGjQAO3bt8f58+cBAC9fvkS7du3K3IRKCCGEEOGdPHkSc+bMgaOjIxwdHTFnzhycPHmSdSxCCAM04ySgQ4cOYejQoejcuTNsbGywZMkSHD16FNbW1gCAgQMHQiwWIzo6mnFSQgghRLm9f/8eTk5OOHjwIHiel7ZLzs7OBsdxGDZsGMLDw6GiosI2KCEKRCKRICcnR+bRPLVr12aQ6MvQjJOAvL290aNHDyQmJuKnn34qNd65c2dcvnyZQTJCCCGEfMzLywsHDhzAzJkzkZ6ejszMTGRmZuLp06eYNWsW9u/fD29vb9YxCZF7Hz58wLJly9CoUSOoqalBV1cXenp6pf4pAuqqJ6AbN27A19e3zHEDAwM6/4EQQgiRA2FhYXBxccGqVatKvK+vr4+VK1fi2bNnCA0NxdKlSxklJEQxeHh4ICQkBJaWlhg6dChq1arFOtJXo8JJQJqamsjNzS1zPCUlBXXq1BEwESGEEEJkSU9Ph4WFRZnjFhYW+O233wRMRIhiioyMxJgxY7Bz507WUf4zWqonoF69eiEkJAQFBQWlxp4+fYqtW7fCxsaGQTJCCCGEfKxBgwZISEgoc/zkyZNo0KCBcIEIUVCampqwtLRkHeOboMJJQMuXL8ejR4/QqVMnbNmyBRzHIS4uDgsWLEDr1q3B87z0MD1CCCGEsOPi4oK9e/di4sSJuHPnDgoLCyGRSHDnzh1MmjQJkZGRcHV1ZR2TELnn5OSEw4cPs47xTVBXPYHdvHkTv/zyC06cOFGio4iVlRU2btyI5s2bM0xHCCGEEAAoLCzEuHHjsGvXLnAcB5Go6FmzRCIBz/NwcXFBcHCw9H1CiGzv37+Hu7s7srOz4e7uDkNDQ4jF4lLXtW/fnkG6L0OFEyNZWVm4d+8eJBIJGjVqpDDdRAghhBBlcu3aNcTExOD+/fsAgIYNG2LAgAFo06YN42SEKIbXr1/Dw8MDERERMsd5ngfHcSgsLBQ42ZejwklA3t7eGD58OFq1aiVz/ObNm4iKisKiRYsETkYIIYQQQsi3N3LkSBw4cACOjo6wsLAos6uei4uLwMm+HBVOAhKJRNi9ezecnZ1ljkdERMDZ2VkhKm5CCCGEEELKo6WlhXHjxsHPz491lP+M2pHLkczMTKiqqrKOQQghhCgdkUgEjuO+6Gs4jpPZKZcQ8n+0tLTQuHFj1jG+CSqcKtmpU6dKtDPdv38/7t27V+q67OxsREREoHXr1gKmI4QQQggALFq06IsLJ0JI+SZMmIDw8HBMnDhRZlMIRUJL9SqZl5cXvLy8ABQ9mfrct7tFixYIDg7+7IF7hBBCCCGEKIrIyEj4+PigsLAQLi4uZXbVGz58OIN0X4YKp0r27t07vH37FjzPQ19fH5s3b8aIESNKXMNxHDQ1NaGurs4oJSGEEEIIId9eRVr2K0pXPVqqV8k0NDSgoaEBAEhNTYWenh40NTUZpyKEEEJIeV69egU/Pz/88ccfJdqRDxw4ENOmTYOWlhbjhITIvxMnTrCO8M3QjBMhhBBCyCeePHmC7t27IzU1Fc2aNUOzZs0AAHfu3MGtW7fQqFEjnD59GvXq1WOclBAiFJpxEhDP8wgKCkJwcDBSUlKQlZVV6hrq0EMIIYSwN3fuXDx9+hSHDx/GgAEDSozFxsZi5MiR8PT0REhICKOEhCiepKSkErO3LVq0YJzoy1DhJKA5c+bA19cX33//PUaPHg0dHR3WkQghhBAiw59//olp06aVKpoAoH///pg6dSq2bt3KIBkhiic6OhozZsxAWlpaifdNTEzg6+uLwYMHswn2hahwElBISAhGjBiBvXv3so5CCCGEkM/Izc2FgYFBmeN169ZFbm6ugIkIUUwxMTEYMWIEGjZsiF9//RXNmzcHANy6dQtBQUEYPnw4Dh8+jH79+jFOWj7a4ySgmjVrYu3atfjxxx9ZRyGEEELIZ3Ts2BEqKio4efJkqcPpP3z4gB49euDDhw+4ePEio4SEKIbOY/siPQAAEF9JREFUnTsjPz8fp0+fRvXq1UuM5ebmolu3blBXV8fZs2cZJay48vsDkm+md+/e+Pvvv1nHIIQQQkg55s6di/Pnz8Pc3BxBQUFISEhAQkICtmzZAnNzc1y4cAGenp6sYxIi965duwYXF5dSRRMAVK9eHa6urrh27RqDZF+OluoJaNOmTbC1tcWvv/4KDw8P1KlTh3UkQgghhMgwcuRI5ObmwtPTExMnTgTHcQAgPZdx+/btsLe3Z5ySEPmnrq6OzMzMMsczMzMV5ixTWqonoJo1a0IikSAvLw9A0Q/SpycncxyHnJwcFvEIIYQQ8omCggJcvHixRCewjh07olo1evZMSEWMHDkSR44cQWxsLDp37lxi7Pz58+jXrx9sbGwQERHBKGHFUeEkIFdXV+kTq8/ZsWOHAGkIIYQQQgipXKmpqejcuTNevHgBc3NzNG3aFEDRmWgXLlyAvr4+zp49C2NjY7ZBK4AKJ0IIIYSQMiQlJUnPXpR1yzR27FgGqQhRLM+fP4ePjw9iY2NLzN4OGDAAnp6e0NfXZ5ywYqhwIoQQQgj5RHJyMkaPHo0LFy7ILJiAouX1hYWFAicjhLBCC3Qr2aVLl774a9q3b18JSQghhBBSUR4eHrh+/Tr8/f3RvXt3OrSeEEIzTpVNJBJVaF8TUNSph55eEUIIIexpaGhg3rx5WLhwIesohCi8W7duYceOHWUue+U4DseOHWOUruJoxqmSUaMHQgghRPHo6uqiVq1arGMQovBCQ0Ph5uYGFRUVNG3aVObsraLM49CMEyGEEELIJ5YvX47o6GicPXu21NEhhJCKMzU1Re3atREbGwtdXV3Wcf4TmnEihBBCCPlEkyZNUFhYiLZt28Ld3R2GhoYyC6jhw4czSEeI4njy5AlmzZql8EUTQDNOhBBCCCGliESicq+hfcmElM/CwgI2NjZYunQp6yj/Gc04EUIIIYR84sSJE6wjEFIl+Pr6YuTIkejfvz+6dOnCOs5/QjNOhBBCCCGEkEoxePBg3L17F//++y9atGgBIyOjUsteOY5DdHQ0o4QVR4UTIYQQQgghpFIYGxuXezQPx3FISUkRKNHXo8KJEEIIIUSGuLg4BAcHf/bsmeTkZEbpCCFCoz1OhBBCCCGfWL16NTw9PWFgYABzc3O0bt2adSRCCGM040QIIYQQ8okGDRqgefPmiImJgYqKCus4hCi8kydP4o8//sD9+/cBAA0bNoSdnR169uzJOFnF0YwTIYQQQsgnsrKyYG9vT0UTIf/R+/fv4eTkhIMHD4LneWhrawMAsrOzsXbtWgwbNgzh4eEK8btW/iEFhBBCCCFKxtzcHHfu3GEdgxCF5+XlhQMHDmDmzJlIT09HZmYmMjMz8fTpU8yaNQv79++Ht7c365gVQkv1CCGEEEI+cevWLfTv3x+//vornJ2dWcchRGGZmJjAysoKO3bskDnu6uqKhIQEpKWlCRvsK9BSPUIIIYQovTZt2pR6r6CgAGPGjMGkSZPQoEEDmWfPXL16VaiIhCik9PR0WFhYlDluYWGB3377TcBEX48KJ0IIIYQovdq1a5c6a6ZOnTowMzNjlIiQqqFBgwZISEjAxIkTZY6fPHkSDRo0EDjV16HCiRBCCCFKLyEhgXUEQqokFxcXLF68GNra2pg+fToaN24MjuNw9+5d+Pv7IzIyEl5eXqxjVgjtcSKEEEIIIYRUisLCQowbNw67du0Cx3EQiYp600kkEvA8DxcXFwQHB0vfl2dUOBFCCCGEfCI8PBxxcXHYuXOnzHE3Nzf0798fDg4OwgYjREFdu3YNMTExJc5xGjBggMz9hfKKCidCCCGEkE+Ym5ujXbt22LJli8zxyZMn4/Llyzh79qzAyQghrMj/nBghhBBCiMDu3LmDdu3alTnetm1b3L59W8BEhCimS5cuYdOmTWWOb9q0CVeuXBEu0H9AhRMhhBBCyCd4nkd2dnaZ41lZWfjw4YNwgQhRUPPnz8fRo0fLHD9+/DgWLFggYKKvR4UTIYQQQsgn2rVrh/DwcLx//77UWH5+PsLCwj47I0UIKfLPP/+ge/fuZY53794dFy9eFDDR16PCiRBCCCHkE56enrhx4wZ69eqFQ4cOISUlBSkpKfj9999hZWWFmzdvwtPTk3VMQuTe69evUa1a2ScgiUQi5OTkCJjo61FzCEIIIYQQGXbu3IlffvkFb968kb7H8zxq1qwJPz8/uLu7M0xHiGJo06YNGjZsiEOHDskct7OzQ1paGm7evClwsi9HhRMhhBBCSBlevXqF+Ph4pKSkAABMTU1hY2ODmjVrMk5GiGJYt24dpk+fjmnTpmHRokXQ1tYGAGRnZ8PLywsBAQFYvXo1ZsyYwTZoBVDhRAghhBBCCKkUPM/D3d0dISEhEIlE+O677wAAT548gUQiwZgxY7Bz505wHMc4afmocCKEEEIIkaGwsBCRkZE4ceIEnj9/Dm9vb7Ru3Ro5OTk4duwYunbtCgMDA9YxCVEIJ06cQFRUVInZ2xEjRsDKyoptsC9AhRMhhBBCyCeys7PRr18/XLhwATVq1EBubi6OHDkCa2trFBYWomHDhhg7dix+/fVX1lEJIQKhrnqEEEIIIZ/w9PTEzZs3ERcXh5SUFHz8nFksFsPe3h4xMTEMExIivy5cuIDMzMwKXZuamopdu3ZVcqJvgwonQgghhJBPHDx4EFOmTEHfvn1l7r1o0qQJ0tLShA9GiALo3Lkz/vzzT+nrzMxMaGpq4uTJk6WuPXPmDNzc3ISM99WocCKEEEII+UROTg5MTEzKHP/w4QMKCgoETESI4vh0JxDP88jLy0NhYSGjRN8GFU6EEEIIIZ8wNTXFpUuXyhyPj49HixYtBExECGGNCidCCCGEEACnTp3CixcvAADjx4/H9u3bERERIX16znEc8vPzMX/+fPz555/w8PBgGZcQIrBqrAMQQgghhMiDXr16ITQ0FM7Ozvjll19w8+ZNODk5SQ/sdHZ2RkZGBgoKCuDh4YFx48axDUwIERQVToQQQgghKLkvg+M4bN26FS4uLti3bx/u3r0LiUQCU1NTODg4oEePHgyTEiL/0tLSpMtdc3JyAAB3796VPogolpqaKnS0r0bnOBFCCCGEABCJRNi9ezecnZ1ZRyFEoYlEolLdKHmel9mhsvh9RWgcQTNOhBBCCCH/n6wbO0LIl9mxYwfrCJWCZpwIIYQQQiD7KfnncBxHLckJUSI040QIIYQQ8v/16dMHTZo0YR2DECKHqHAihBBCCPn/XFxcaI8TIUQmOseJEEIIIYQQQspBhRMhhBBCCCGElIMKJ0IIIYQQQggpB3XVI4QQQgghhJBy0IwTIYQQQgghhJSDCidCCCGEEEIIKQcVToQQQgghhBBSDiqcCCGEEEIIIaQcVDgRQgghhBBCSDmocCKEECIXnj59iilTpqBRo0ZQU1ODoaEhBg0ahGPHjlXo63fu3Altbe3KDUkIIURpVWMdgBBCCElLS0PXrl2hra2N1atXo3Xr1vjw4QPi4uLw008/4fbt26wjfrEPHz5ARUWFdQxCCCHfCM04EUIIYW7y5MngOA4XLlzAiBEj0KRJE7Rs2RIzZszAuXPnAAC+vr5o3bo1qlevDkNDQ0yePBlv3rwBACQkJMDNzQ05OTngOA4cx2HJkiUAgPz8fMyaNQv169dH9erVYWFhgYSEhBL/+1u3boWhoSE0NTUxbNgw+Pr6lpq9CgwMhKmpKVRVVdG0aVOEhoaWGOc4DoGBgRg8eDCqV6+OZcuWoXHjxlizZk2J665cuQKO43Dv3r1v9w0khBBS6ahwIoQQwlRmZib+/PNP/PTTT6hevXqp8eICRiQSISAgADdv3kRISAiOHz+OOXPmAAC6dOkCf39/aP2/du4npOk/juP4S4aCaR3skG6QInNR0SGIlQy62DAqoh1WQdkfNVpUKFSHLuUhC8QmGP7JQys71KHmIcsOhYStYCGEBiuGFQYTymiHKaisz+8QDL79qvUjyX70fMD38P18Pu83n8/n9t5n38+SJZqYmNDExIROnjwpSTp27JiePn2qmzdvamRkRH6/X5s3b1Y8HpckRSIRBQIBNTQ06Pnz5/J6vWpubrbMoa+vTw0NDTpx4oRevHihw4cP6+DBgxocHLSMa2pqks/n0+joqOrq6lRbW6tQKGQZEwqFtHHjRjmdznnZPwDA75FjjDELPQkAwN8rGo1q/fr1CofD8vl8Px1369YtBQIBTU5OSvryjVNjY6OSyWRmzPj4uMrLyzU+Pi673Z5p37Rpk9xut86fP6/du3crlUqpv78/079371719/dncnk8Hq1evVo9PT2ZMTt37tTU1JTu3r0r6cuJU2Njo9ra2jJjEomEli9fridPnsjtdmtubk52u12tra3av3//f9onAMDC4sQJALCgfvb3uwcPHqiqqkoOh0OLFy9WTU2NPn78qOnp6e/GjI6OKp1Oy+VyqbCwMPM8evRIY2NjkqRXr17J7XZb4r5+j8Vi8ng8ljaPx6NYLGZpW7duneXdbrdr69atunLliiTpzp07mpmZkd/v/6k1AwD+HFwOAQBYUBUVFcrJyfnhBRBv377Vtm3bdOTIETU3N6uoqEiPHz9WXV2dZmdntWjRom/GpVIp2Ww2DQ8Py2azWfoKCwvndR2SvvlXw/r6etXU1KitrU2hUEi7du367nwBAH8uTpwAAAuqqKhI1dXV6ujo0NTU1L/6k8mkhoeH9fnzZ128eFEbNmyQy+VSIpGwjMvLy1M6nba0rV27Vul0Wu/fv5fT6bQ8xcXFkqQVK1bo2bNnlriv31euXKlIJGJpi0QiWrVqVdb1bdmyRQUFBerq6tL9+/dVW1ubNQYA8OehcAIALLiOjg6l02m53W7dvn1b8XhcsVhM7e3tqqyslNPp1NzcnC5duqTXr1/r+vXr6u7utuQoKytTKpXSw4cPNTk5qenpablcLu3Zs0f79u1TOBzWmzdvFI1GdeHChcy3ScePH9e9e/cUDAYVj8d1+fJlDQwMKCcnJ5P71KlTunr1qrq6uhSPxxUMBhUOhzMXUPyIzWbTgQMHdPr0aVVUVKiysnJ+Nw8A8HsYAAD+AIlEwhw9etSUlpaavLw843A4zPbt283g4KAxxphgMGhKSkpMfn6+qa6uNr29vUaS+fTpUyZHIBAwS5cuNZLM2bNnjTHGzM7OmjNnzpiysjKTm5trSkpKjM/nMyMjI5m4np4e43A4TH5+vtmxY4c5d+6cKS4utsyvs7PTlJeXm9zcXONyuUxvb6+lX5Lp6+v75trGxsaMJNPS0vLL+wQAWBjcqgcAwFcOHTqkly9famhoaF7yDQ0NqaqqSu/evdOyZcvmJScA4PficggAwF+vtbVVXq9XBQUFGhgY0LVr19TZ2fnLeWdmZvThwwc1NTXJ7/dTNAHA/xjfOAEA/nrRaFRer1dr1qxRd3e32tvbVV9f/8t5b9y4odLSUiWTSbW0tMzDTAEAC4W/6gEAAABAFpw4AQAAAEAWFE4AAAAAkAWFEwAAAABkQeEEAAAAAFlQOAEAAABAFhROAAAAAJAFhRMAAAAAZEHhBAAAAABZ/ANg1btFEuJ90QAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Optimal Circular Category Order: ['International Relations and Diplomacy', 'Military and Conflict', 'Political Events', 'Social and Cultural Events', 'Social and Civil Rights', 'Legal and Judicial Changes', 'Historical and Monumental', 'Technological and Scientific Advancements', 'Crisis and Emergency Response', 'Environmental and Health', 'Economic and Infrastructure Development']\n" + ] + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "from scipy.spatial.distance import pdist, squareform\n", + "from scipy.cluster.hierarchy import linkage, optimal_leaf_ordering, dendrogram\n", + "import matplotlib.pyplot as plt\n", + "\n", + "# Load the processed data with selected categories\n", + "final_df = pd.read_csv('processed_events_selected.csv')\n", + "\n", + "# Extract the columns containing the selected categories\n", + "selected_category_columns = [col for col in final_df.columns if col in categories]\n", + "\n", + "# Compute the co-occurrence matrix\n", + "co_occurrence_matrix = final_df[selected_category_columns].T.dot(final_df[selected_category_columns])\n", + "\n", + "# Convert the co-occurrence matrix to a similarity matrix (normalizing by the max value)\n", + "similarity_matrix = co_occurrence_matrix / co_occurrence_matrix.max().max()\n", + "\n", + "# Convert similarities to distances\n", + "distance_matrix = 1 - similarity_matrix\n", + "\n", + "# Ensure the diagonal is zero\n", + "np.fill_diagonal(distance_matrix.values, 0)\n", + "\n", + "# Perform hierarchical clustering\n", + "linkage_matrix = linkage(squareform(distance_matrix), method='ward')\n", + "\n", + "# Optimize the leaf order\n", + "optimal_order = optimal_leaf_ordering(linkage_matrix, distance_matrix.values)\n", + "\n", + "# Extract the initial order from the dendrogram\n", + "initial_order = [selected_category_columns[i] for i in dendrogram(optimal_order, no_plot=True)['leaves']]\n", + "\n", + "# Function to calculate the circular distance\n", + "def circular_distance(order, distance_matrix, category_indices):\n", + " total_distance = 0\n", + " n = len(order)\n", + " for i in range(n):\n", + " idx1 = category_indices[order[i]]\n", + " idx2 = category_indices[order[(i + 1) % n]]\n", + " total_distance += distance_matrix[idx1, idx2]\n", + " return total_distance\n", + "\n", + "# Map category names to indices\n", + "category_indices = {category: idx for idx, category in enumerate(selected_category_columns)}\n", + "\n", + "# Optimize the initial order for circular consistency\n", + "n = len(initial_order)\n", + "best_order = initial_order\n", + "best_distance = circular_distance(best_order, distance_matrix.values, category_indices)\n", + "\n", + "for i in range(n):\n", + " circular_order = initial_order[i:] + initial_order[:i]\n", + " current_distance = circular_distance(circular_order, distance_matrix.values, category_indices)\n", + " if current_distance < best_distance:\n", + " best_order = circular_order\n", + " best_distance = current_distance\n", + "\n", + "# Plot the dendrogram for visualization\n", + "plt.figure(figsize=(10, 7))\n", + "dendrogram(optimal_order, labels=selected_category_columns, leaf_rotation=90, leaf_font_size=12)\n", + "plt.title(\"Hierarchical Clustering Dendrogram\")\n", + "plt.xlabel(\"Category\")\n", + "plt.ylabel(\"Distance\")\n", + "plt.show()\n", + "\n", + "# Print the optimal circular order of categories\n", + "print(\"Optimal Circular Category Order:\", best_order)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 78, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " Sl. No Name of Incident Date Month Year \\\n", + "0 1 Indus Valley Civilization Flourishes Unknown Unknown 2600 BC \n", + "1 2 Battle of the Ten Kings Unknown Unknown 1400 BC \n", + "2 6 Establishment of the Delhi Sultanate Unknown Unknown 1206 \n", + "3 7 Battle of Panipat 21 April 1526 \n", + "4 8 Establishment of British Raj 1 May 1858 \n", + "\n", + " Country Type of Event Place Name \\\n", + "0 India Civilization Indus Valley \n", + "1 India Battle Punjab \n", + "2 India Political Delhi \n", + "3 India Battle Panipat \n", + "4 India Colonial Whole India \n", + "\n", + " Impact \\\n", + "0 Development of one of the world's earliest urb... \n", + "1 Rigvedic tribes consolidated their control ove... \n", + "2 Muslim rule established in parts of India \n", + "3 Foundation of the Mughal Empire in India \n", + "4 Start of direct British governance in India \n", + "\n", + " Affected Population Important Person/Group Responsible \\\n", + "0 Local inhabitants Indus Valley people \n", + "1 Rigvedic tribes Sudas \n", + "2 People of Delhi and surrounding regions QutbUnknownudUnknowndin Aibak \n", + "3 Northern Indian kingdoms Babur \n", + "4 Indian subcontinent British East India Company/Empire \n", + "\n", + " Outcome Broad Category Continent \\\n", + "0 Positive Other Asia \n", + "1 Positive Military and Conflict Asia \n", + "2 Mixed Political Events Asia \n", + "3 Mixed Military and Conflict Asia \n", + "4 Negative Other Asia \n", + "\n", + " Representative Categories \n", + "0 [Social and Cultural Events, Historical and Mo... \n", + "1 [Historical and Monumental, Military and Confl... \n", + "2 [Political Events] \n", + "3 [Historical and Monumental, Military and Confl... \n", + "4 [Political Events] \n" + ] + } + ], + "source": [ + "# Load the CSV data\n", + "data = pd.read_csv('processed_events_selected.csv')\n", + "\n", + "# List of all categories\n", + "categories = [\"Social and Cultural Events\", \"Historical and Monumental\", \"Economic and Infrastructure Development\", \n", + " \"Political Events\", \"Technological and Scientific Advancements\", \"Military and Conflict\", \n", + " \"Crisis and Emergency Response\", \"International Relations and Diplomacy\", \n", + " \"Environmental and Health\", \"Legal and Judicial Changes\", \"Social and Civil Rights\"]\n", + "\n", + "# Function to get the representative categories for each event\n", + "def get_representative_categories(row):\n", + " return [category for category in categories if row[category] == 1]\n", + "\n", + "# Apply the function to each row and create a new column\n", + "data['Representative Categories'] = data.apply(get_representative_categories, axis=1)\n", + "\n", + "# Drop the original category columns\n", + "data.drop(columns=categories, inplace=True)\n", + "\n", + "\n", + "# Display the first few rows of the modified data\n", + "print(data.head())" + ] + }, + { + "cell_type": "code", + "execution_count": 79, + "metadata": {}, + "outputs": [], + "source": [ + "data.to_csv('data/processed_graph_data.csv', index=False)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "nlp", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/data/processed_graph_data.csv b/data/processed_graph_data.csv new file mode 100644 index 0000000..498e984 --- /dev/null +++ b/data/processed_graph_data.csv @@ -0,0 +1,1097 @@ +Sl. No,Name of Incident,Date,Month,Year,Country,Type of Event,Place Name,Impact,Affected Population,Important Person/Group Responsible,Outcome,Broad Category,Continent,Representative Categories +1,Indus Valley Civilization Flourishes,Unknown,Unknown,2600 BC,India,Civilization,Indus Valley,Development of one of the world's earliest urban civilizations,Local inhabitants,Indus Valley people,Positive,Other,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +2,Battle of the Ten Kings,Unknown,Unknown,1400 BC,India,Battle,Punjab,Rigvedic tribes consolidated their control over the region,Rigvedic tribes,Sudas,Positive,Military and Conflict,Asia,"['Historical and Monumental', 'Military and Conflict']" +6,Establishment of the Delhi Sultanate,Unknown,Unknown,1206,India,Political,Delhi,Muslim rule established in parts of India,People of Delhi and surrounding regions,QutbUnknownudUnknowndin Aibak,Mixed,Political Events,Asia,['Political Events'] +7,Battle of Panipat,21,April,1526,India,Battle,Panipat,Foundation of the Mughal Empire in India,Northern Indian kingdoms,Babur,Mixed,Military and Conflict,Asia,"['Historical and Monumental', 'Military and Conflict']" +8,Establishment of British Raj,1,May,1858,India,Colonial,Whole India,Start of direct British governance in India,Indian subcontinent,British East India Company/Empire,Negative,Other,Asia,['Political Events'] +9,Partition of India,15,August,1947,India,Partition,India/Pakistan,Creation of India and Pakistan; massive population displacement and violence,"Hindus, Muslims, Sikhs","British Empire, Indian political leaders",Negative,Other,Asia,"['Political Events', 'Crisis and Emergency Response']" +10,IndoUnknownPakistani War of 1971,3,December,1971,India,War,Bangladesh,Led to the independence of Bangladesh,Bengalis in East Pakistan,"Indian Military, Mukti Bahini",Negative,Military and Conflict,Asia,['Military and Conflict'] +11,PokhranUnknownII Nuclear Tests,11,May,1998,India,Nuclear Test,Pokhran,India declared itself a nuclear state,International community,Atal Bihari Vajpayee,Mixed,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +12,Mumbai Terror Attacks,26,November,2008,India,Terrorism,Mumbai,Highlighted the threat of international terrorism,Citizens of Mumbai,LashkarUnknowneUnknownTaiba,Negative,Crisis and Emergency Response,Asia,['Crisis and Emergency Response'] +13,Arrival of Vasco da Gama,20,May,1498,India,Exploration,Calicut,Marked the beginning of European colonial interests in India,Coastal communities,Vasco da Gama,Negative,Other,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +14,Battle of Plassey,23,June,1757,India,Battle,Plassey,Foundation for the expansion of British rule in India,Bengal and later all of India,East India Company,Negative,Military and Conflict,Asia,['Military and Conflict'] +15,First War of Indian Independence,10,May,1857,India,Revolt,Meerut,First largeUnknownscale rebellion against British rule,"Rebels, British Raj","Indian soldiers, British East India Company",Negative,Other,Asia,['Military and Conflict'] +16,Swadeshi Movement,7,August,1905,India,National Movement,Bengal,Promoted Indian goods; protest against British economic policies,Indian nationalists,Indian National Congress,Positive,Other,Asia,"['Social and Cultural Events', 'Political Events']" +17,Green Revolution,Unknown,Unknown,1960,India,Agricultural Revolution,"Punjab, Haryana",Dramatically increased agricultural production,Indian farmers,"M.S. Swaminathan, Norman Borlaug",Positive,Other,Asia,['Economic and Infrastructure Development'] +18,Operation Blue Star,1,June,1984,India,Military Operation,Amritsar,Removal of armed militants from Golden Temple but led to controversy,Sikh community,"Indian Government, Sikh militants",Negative,Military and Conflict,Asia,"['Technological and Scientific Advancements', 'Military and Conflict']" +19,Kargil War,Unknown,May,1999,India,Military Conflict,"Kargil, Ladakh",India regained control of Kargil; heightened patriotism,Indian Armed Forces,"Indian Government, Pakistani Military",Positive,Military and Conflict,Asia,['Military and Conflict'] +20,Right to Information Act Enacted,15,June,2005,India,Legislation,India,Empowered citizens to seek information from public authorities,Indian citizens,Government of India,Positive,Other,Asia,"['Political Events', 'Legal and Judicial Changes']" +21,Nirbhaya Case,16,December,2012,India,Criminal Incident,New Delhi,Brought attention to women's safety and led to legal reforms,Indian women,"Indian society, Government of India",Positive,Other,Asia,"['Political Events', 'Legal and Judicial Changes']" +22,Launch of 5G Services,Unknown,October,2022,India,Technology,India,Introduction of 5G technology expected to revolutionize connectivity,"Indian consumers, businesses","Telecom companies, Government of India",Positive,Technological and Scientific Advancements,Asia,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +23,Ram Mandir Bhoomi Pujan,5,August,2020,India,Cultural/Religious,Ayodhya,Beginning of the construction of Ram Temple at disputed site,Hindu community,"Government of India, Hindu activists",Positive,Other,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +24,India's First Hyperloop Project Announcement,Unknown,February,2018,India,Infrastructure,Maharashtra,Proposal for highUnknownspeed transportation system,Potential commuters,"Virgin Hyperloop One, State Government",Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +25,Indian Independence,15,August,1947,India,Political,India,End of British rule and birth of independent India,All citizens of India,"Indian National Congress, Muslim League",Positive,Political Events,Asia,['Political Events'] +26,First General Elections,Unknown,October,1951,India,Political,India,Establishment of democratic governance,Indian electorate,Government of India,Positive,Political Events,Asia,['Political Events'] +27,SinoUnknownIndian War,20,October,1962,India,Military Conflict,Border regions of India,Highlighted the border disputes and led to military and strategic changes,Border communities,"India, China",Negative,Military and Conflict,Asia,['Military and Conflict'] +28,First Nuclear Test (Smiling Buddha),18,May,1974,India,Nuclear Test,"Pokhran, Rajasthan","India joins the nuclear club, changing its strategic position globally",International community,Government of India,Mixed,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +29,Emergency Declared by Indira Gandhi,25,June,1975,India,Political,India,Period of political unrest and curtailment of civil liberties,Indian citizens,"Indira Gandhi, Government of India",Negative,Political Events,Asia,"['Political Events', 'Crisis and Emergency Response']" +30,Bhopal Gas Tragedy,3,December,1984,India,Industrial Disaster,"Bhopal, Madhya Pradesh",World's worst industrial disaster,Residents of Bhopal,Union Carbide Corporation,Negative,Other,Asia,"['Crisis and Emergency Response', 'Environmental and Health']" +31,Economic Reforms and Liberalization,Unknown,July,1991,India,Economic Policy,India,Opening of the Indian economy to global markets and investors,"Indian businesses, workers","Manmohan Singh, P.V. Narasimha Rao",Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +32,Kandahar Hijacking (IC 814),24,December,1999,India,Terrorism,"Kandahar, Afghanistan",Highlighted issues in aviation security and terrorism,"Passengers, crew","Hijackers, Indian Government",Negative,Crisis and Emergency Response,Asia,['Crisis and Emergency Response'] +33,2001 Indian Parliament Attack,13,December,2001,India,Terrorism,New Delhi,Led to increased tensions between India and Pakistan,Indian political system,"Terrorist groups, Government of India",Negative,Crisis and Emergency Response,Asia,"['Military and Conflict', 'Crisis and Emergency Response']" +34,Right to Education Act,4,August,2009,India,Legislation,India,Ensured free and compulsory education for children,Children aged 6 to 14,Government of India,Positive,Other,Asia,"['Political Events', 'Legal and Judicial Changes']" +35,Article 370 Revocation for Jammu & Kashmir,5,August,2019,India,Political,Jammu & Kashmir,Changed the special status and autonomy of J&K,Residents of J&K,Government of India,Mixed,Political Events,Asia,"['Political Events', 'Legal and Judicial Changes']" +36,Supreme Court Verdict on Ayodhya,9,November,2019,India,Judiciary,Ayodhya,Paved the way for the construction of a Ram Temple,Hindu and Muslim communities,Supreme Court of India,Mixed,Political Events,Asia,"['Historical and Monumental', 'Legal and Judicial Changes']" +37,Opening of BandraUnknownWorli Sea Link,30,June,2009,India,Infrastructure,Mumbai,Improved connectivity and reduced travel time in Mumbai,Commuters in Mumbai,Government of Maharashtra,Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +38,Statue of Unity Unveiled,31,October,2018,India,Cultural/Political,Gujarat,"Became the world's tallest statue, symbolizing unity",Indian citizens,Government of India,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +39,Triple Talaq Bill Passed,30,July,2019,India,Legislation,India,Made instant triple talaq a criminal offence,Muslim women,Parliament of India,Positive,Other,Asia,"['Crisis and Emergency Response', 'Legal and Judicial Changes']" +40,India's First Transgender University,Unknown,January,2020,India,Education,Uttar Pradesh,Empowered the transgender community through education,Transgender community,Dr. Akhilesh Das Gupta Foundation,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Legal and Judicial Changes']" +41,Nationwide Lockdown due to COVIDUnknown19,24,March,2020,India,Public Health,India,Aimed to prevent the spread of COVIDUnknown19; significant economic impact,Entire population,Government of India,Negative,Environmental and Health,Asia,"['Economic and Infrastructure Development', 'Environmental and Health']" +42,Historic Win in Cricket World Cup 1983,25,June,1983,India,Sports,"Lord's, England","Marked India's first Cricket World Cup win, boosting the sport's popularity",Indian sports fans,Indian cricket team,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Technological and Scientific Advancements']" +43,2013 Uttarakhand Floods,Unknown,June,2013,India,Natural Disaster,Uttarakhand,Severe floods causing massive destruction and loss of life,"Residents, pilgrims","State Government, National Disaster Response Force",Negative,Environmental and Health,Asia,['Environmental and Health'] +44,Indian Mars Orbiter Mission Success,24,September,2014,India,Space Exploration,Mars,"Made India the first Asian nation to reach Mars orbit, and at first attempt",Indian scientific community,ISRO,Positive,Technological and Scientific Advancements,Asia,['Technological and Scientific Advancements'] +45,India Wins ICC T20 World Cup 2007,24,September,2007,India,Sports,South Africa,Boosted the popularity of T20 cricket in India and worldwide,Indian sports fans,Indian cricket team,Positive,Social and Cultural Events,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +46,India's Demonetisation Campaign,8,November,2016,India,Economic Policy,Nationwide,"Aimed to curb illegal cash holdings, and promote digital transactions",Entire population,"Government of India, Prime Minister Narendra Modi",Mixed,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'Legal and Judicial Changes']" +47,Introduction of UPI (Unified Payment Interface),Unknown,April,2016,India,Financial Technology,Nationwide,"Revolutionized digital payments in India, making transactions simple and fast","Indian consumers, businesses",National Payments Corporation of India (NPCI),Positive,Social and Cultural Events,Asia,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements', 'International Relations and Diplomacy']" +48,Jio Telecom Launch,5,September,2016,India,Telecommunications,Nationwide,Dramatically increased internet accessibility and usage in India,Indian population,Reliance Industries,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Political Events', 'International Relations and Diplomacy']" +49,Abolition of Instant Triple Talaq,30,July,2019,India,Legal,Nationwide,Protected Muslim women's rights by making instant triple talaq illegal,Muslim women,Parliament of India,Positive,Legal and Judicial Changes,Asia,['Legal and Judicial Changes'] +50,Asiatic Lion Census Showing Population Increase,Unknown,May,2020,India,Wildlife Conservation,Gujarat,"Indicated successful conservation efforts, with an increase in the Asiatic lion population",Asiatic lions,"Wildlife Conservationists, Government of Gujarat",Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental', 'Environmental and Health']" +51,Decriminalisation of Section 377,6,September,2018,India,Legal,Nationwide,"Landmark judgement for LGBTQ+ rights in India, decriminalizing homosexuality",LGBTQ+ community,Supreme Court of India,Positive,Legal and Judicial Changes,Asia,['Legal and Judicial Changes'] +52,Launch of ChandrayaanUnknown1,22,October,2008,India,Space Exploration,Moon,"India's first lunar mission, contributing significant findings like water molecules on Moon",Scientific community,Indian Space Research Organisation (ISRO),Positive,Technological and Scientific Advancements,Asia,['Technological and Scientific Advancements'] +53,Start of Swachh Bharat Mission,2,October,2014,India,Environmental/Social,Nationwide,"Aimed at cleaning up the streets, roads and infrastructure of cities, towns, and rural areas",Indian population,"Government of India, Prime Minister Narendra Modi",Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Environmental and Health']" +54,Pulwama Terrorist Attack,14,February,2019,India,Terrorism,"Pulwama, Jammu and Kashmir",Led to a significant military and diplomatic standoff between India and Pakistan,Indian security forces,JaishUnknowneUnknownMohammed,Negative,Crisis and Emergency Response,Asia,['Crisis and Emergency Response'] +55,Historic Solar Alliance Initiative,30,November,2015,India,International Cooperation,"Paris, France",India coUnknownlaunched the International Solar Alliance to promote solar energy globally,Global community,"Government of India, France",Positive,International Relations and Diplomacy,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +56,GST (Goods and Services Tax) Implementation,1,July,2017,India,Economic Reform,Nationwide,"Unified the country's tax system, replacing multiple indirect taxes with a single tax","Businesses, consumers",Government of India,Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'Political Events']" +57,Citizenship Amendment Act (CAA) Implementation,12,December,2019,India,Legislation,Nationwide,Led to widespread protests due to concerns over citizenship criteria based on religion,Indian citizens,Government of India,Mixed,Other,Asia,['Legal and Judicial Changes'] +58,2016 Uri Attack and Subsequent Surgical Strikes,18,September,2016,India,Military,"Uri, Jammu and Kashmir",Led to crossUnknownborder surgical strikes by India against militant launch pads in Pakistan,Military forces,Indian Army,Mixed,Military and Conflict,Asia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +59,Formation of Indian National Congress,28,December,1885,India,Political Formation,Bombay,Aimed to obtain a greater share in government for educated Indians.,Indian political leaders,"Allan Octavian Hume, Indian leaders",Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +60,Partition of Bengal,16,October,1905,India,Administrative,Bengal,Led to widespread nationalistic protests and was eventually reversed in 1911.,People of Bengal,Lord Curzon,Negative,Other,Asia,['Political Events'] +61,Jallianwala Bagh Massacre,13,April,1919,India,Massacre,Amritsar,Galvanized the Indian population against British rule.,People of Amritsar,General Dyer,Negative,Crisis and Emergency Response,Asia,"['Political Events', 'Crisis and Emergency Response']" +62,NonUnknownCooperation Movement,1,August,1920,India,Civil Disobedience Movement,Nationwide,"NonUnknownviolent resistance against British rule, emphasizing swaraj and swadeshi.",Indian civilians,Mahatma Gandhi,Positive,Political Events,Asia,"['Political Events', 'Military and Conflict']" +63,Chauri Chaura Incident,4,February,1922,India,Violent Protest,Chauri Chaura,Led to Gandhi halting the NonUnknownCooperation Movement due to violence.,Protesters,Indian protesters,Negative,Political Events,Asia,"['Political Events', 'Crisis and Emergency Response']" +64,Dandi March,12,March,1930,India,Civil Disobedience,Dandi,"Protest against the salt tax and British monopoly, pivotal in the independence movement.","Mahatma Gandhi, followers",Mahatma Gandhi,Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +65,First Round Table Conference,Unknown,November,1930,UK,Conference,London,Aimed at discussing constitutional reforms; boycotted by the Congress.,"Indian princely states, British officials",British government,Mixed,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +66,Purna Swaraj Declaration,26,January,1930,India,Political Declaration,Lahore,The declaration of complete independence from British rule by the Congress.,Indian National Congress,Indian National Congress,Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +67,Quit India Movement,8,August,1942,India,Mass Protest,Bombay,Called for an orderly British withdrawal from India.,"Indian National Congress, Indian civilians","Mahatma Gandhi, Indian National Congress",Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +68,Cripps Mission,Unknown,March,1942,India,Negotiation,New Delhi,Proposed Indian dominion status after WWII; rejected by Indian leaders.,Indian leaders,Sir Stafford Cripps,Negative,Political Events,Asia,"['Political Events', 'Military and Conflict']" +69,Bengal Famine of 1943,Unknown,Unknown,1943,India,Famine,Bengal,Led to widespread criticism of British war policies and their impact on Indian civilians.,People of Bengal,British administration,Negative,Other,Asia,"['Crisis and Emergency Response', 'Environmental and Health']" +70,Partition Plan Announced,3,June,1947,India,Political Decision,New Delhi,Announced the creation of India and Pakistan as separate nations.,People of India and Pakistan,Lord Mountbatten,Negative,Political Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +71,Integration of Princely States,Unknown,Unknown,1947,India,Political Integration,Various,Unified India by integrating princely states into the Indian Union.,"Princely states, Indian Union",Sardar Vallabhbhai Patel,Positive,Political Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +72,Constitution of India Adopted,26,January,1950,India,Constitutional Adoption,New Delhi,"India became a sovereign, socialist, secular, democratic republic.",Indian citizens,Constituent Assembly of India,Positive,Political Events,Asia,['Political Events'] +79,Reserve Bank of India (RBI),1,April,1935,India,Central Banking Institution,Calcutta (now Kolkata),"Regulates the issue of banknotes, maintains reserves to secure monetary stability, and operates the currency and credit system of the country.","Indian economy, global investors",British Government (preUnknownindependence),Positive,Other,Asia,"['Economic and Infrastructure Development', 'Political Events', 'International Relations and Diplomacy', 'Legal and Judicial Changes']" +80,Indian Space Research Organisation (ISRO),15,August,1969,India,Space Agency,Bangalore,"Leads India's space exploration and satellite deployment, contributing to national development and global space science.","Global scientific community, Indian population",Government of India,Positive,Other,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +81,Bharatiya Janata Party (BJP),6,April,1980,India,Political Party,New Delhi,"Major political party in India, influencing the country's political landscape and governance policies.",Indian citizens,"Atal Bihari Vajpayee, L.K. Advani",Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +82,Securities and Exchange Board of India (SEBI),12,April,1988,India,Regulatory Body,Mumbai,"Regulates the securities market in India, protecting investors and promoting the development of the securities market.","Investors, financial market participants",Government of India,Positive,Political Events,Asia,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Legal and Judicial Changes']" +83,Taj Mahal,Unknown,Unknown,1653,India,Mausoleum,Agra,"A UNESCO World Heritage Site, symbolizing love, and an architectural marvel of the Mughal era.","Global tourists, historians",Emperor Shah Jahan,Positive,Historical and Monumental,Asia,['Historical and Monumental'] +84,Golden Temple (Harmandir Sahib),Unknown,Unknown,1585,India,Religious Shrine,Amritsar,"The spiritual and cultural center for the Sikh religion, known for its goldUnknownplated facade.","Sikhs, global pilgrims",Guru Arjan,Positive,Environmental and Health,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +85,Creation of Pakistan,14,August,1947,Pakistan,Country Formation,Pakistan,Establishment of Pakistan as a separate nation for Muslims of the Indian subcontinent.,Muslims in Indian subcontinent,Muhammad Ali Jinnah,Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +86,First IndoUnknownPak War,22,October,1947,Pakistan,Military Conflict,Kashmir,Conflict over the princely state of Kashmir leading to ongoing disputes.,Residents of Kashmir,India and Pakistan,Negative,Military and Conflict,Asia,['Military and Conflict'] +87,Pakistan Joins the United Nations,30,September,1947,Pakistan,International Relations,New York,"Pakistan becomes a member of the UN, starting its journey in international diplomacy.",Global community,Government of Pakistan,Positive,International Relations and Diplomacy,Asia,"['Political Events', 'International Relations and Diplomacy']" +88,First Constitution of Pakistan,23,March,1956,Pakistan,Constitutional,Pakistan,"Pakistan becomes an Islamic republic, adopting its first constitution.",Pakistani citizens,Constituent Assembly of Pakistan,Positive,Political Events,Asia,"['Political Events', 'Legal and Judicial Changes']" +89,East Pakistan demands autonomy,7,March,1971,Pakistan,Political Movement,Dhaka,Sheikh Mujibur Rahman's historic speech demanding autonomy for East Pakistan.,People of East Pakistan,Sheikh Mujibur Rahman,Mixed,Political Events,Asia,"['Political Events', 'Military and Conflict']" +90,Independence of Bangladesh,16,December,1971,Pakistan,Country Formation,East Pakistan,"Resulted in the secession of East Pakistan, becoming Bangladesh.",People of Bangladesh,"Indian Armed Forces, Mukti Bahini",Mixed,Political Events,Asia,"['Political Events', 'Military and Conflict']" +91,Pakistan's Nuclear Tests (ChagaiUnknownI),28,May,1998,Pakistan,Nuclear Test,"Chagai, Balochistan","Pakistan becomes a nuclear power, conducting its first successful nuclear tests.",International community,Government of Pakistan,Mixed,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'Military and Conflict']" +92,Kargil Conflict,Unknown,Unknown,1999,Pakistan,Military Conflict,"Kargil, Kashmir",A military conflict between India and Pakistan in the Kargil district of Kashmir.,Citizens of India and Pakistan,India and Pakistan,Negative,Military and Conflict,Asia,"['Military and Conflict', 'Crisis and Emergency Response']" +93,2005 Kashmir Earthquake,8,October,2005,Pakistan,Natural Disaster,"Kashmir, Pakistan","A devastating earthquake affecting Kashmir region, causing widespread damage and casualties.",Residents of Kashmir,"Government of Pakistan, International Aid",Negative,Environmental and Health,Asia,['Environmental and Health'] +94,Assassination of Benazir Bhutto,27,December,2007,Pakistan,Political,Rawalpindi,The assassination of the former Prime Minister of Pakistan and a major political figure.,Pakistani citizens,Unknown assailants,Negative,Political Events,Asia,"['Political Events', 'Crisis and Emergency Response']" +95,Operation ZarbUnknowneUnknownAzb,15,June,2014,Pakistan,Military Operation,North Waziristan,A military operation against insurgent groups in North Waziristan part of the War on Terror.,Residents of North Waziristan,Pakistan Armed Forces,Positive,Military and Conflict,Asia,"['Military and Conflict', 'Crisis and Emergency Response']" +96,2014 Peshawar School Massacre,16,December,2014,Pakistan,Terrorism,Peshawar,"A terrorist attack on the Army Public School, resulting in massive casualties, mostly children.","Students, teachers, families",TehrikUnknowniUnknownTaliban Pakistan,Negative,Crisis and Emergency Response,Asia,['Crisis and Emergency Response'] +97,ChinaUnknownPakistan Economic Corridor (CPEC) Agreement,20,April,2015,Pakistan,Economic/Infrastructure,Pakistan,A collection of infrastructure projects that are under construction throughout Pakistan.,Pakistani citizens,"Government of Pakistan, China",Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +98,Panama Papers Case & Disqualification of PM Nawaz Sharif,28,July,2017,Pakistan,Political Corruption,Islamabad,Led to the disqualification of Prime Minister Nawaz Sharif from holding public office.,Pakistani citizens,Supreme Court of Pakistan,Mixed,Political Events,Asia,"['Political Events', 'Legal and Judicial Changes']" +99,Kartarpur Corridor Opening,9,November,2019,Pakistan,Diplomatic/Religious,Kartarpur,"A border corridor between Pakistan and India, allowing Sikh pilgrims visaUnknownfree access to a holy site.",Sikh community,Governments of Pakistan and India,Positive,Political Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +100,FATF Grey List,Unknown,Unknown,2018,Pakistan,International Finance,"Paris, France",Pakistan placed on the 'grey list' by the Financial Action Task Force for terror financing and money laundering risks.,Pakistani economy,Financial Action Task Force (FATF),Negative,Political Events,Asia,"['Economic and Infrastructure Development', 'Crisis and Emergency Response', 'Environmental and Health']" +101,Imran Khan Elected as Prime Minister,18,August,2018,Pakistan,Political,Islamabad,"Marks the first time a former cricketer transitioned to the Prime Minister, promising reform.",Pakistani citizens,Pakistan TehreekUnknowneUnknownInsaf (PTI),Positive,Political Events,Asia,"['Economic and Infrastructure Development', 'Political Events']" +102,Abolition of FATA,31,May,2018,Pakistan,Administrative,Federally Administered Tribal Areas,"Integrated the tribal regions into the Khyber Pakhtunkhwa province, aiming to mainstream the governance.",Residents of FATA,Government of Pakistan,Positive,Other,Asia,"['Political Events', 'Legal and Judicial Changes']" +103,2019 Pulwama Attack and IndiaUnknownPakistan Standoff,14,February,2019,Pakistan,Military/Political,"Pulwama, India","Led to heightened military tensions between India and Pakistan, including crossUnknownborder air strikes.",Citizens of India and Pakistan,"JaishUnknowneUnknownMohammed, Governments of India and Pakistan",Negative,Other,Asia,"['Military and Conflict', 'Crisis and Emergency Response']" +104,MinarUnknowneUnknownPakistan Construction,23,March,1960,Pakistan,Monument,Lahore,Symbolizes freedom and the independence of Pakistan.,Pakistani citizens,Government of Pakistan,Positive,Historical and Monumental,Asia,"['Historical and Monumental', 'Political Events']" +105,Lahore Resolution (Pakistan Resolution),23,March,1940,Pakistan,Political Declaration,Lahore,A formal political statement that called for greater Muslim autonomy in British India.,Muslims in British India,AllUnknownIndia Muslim League,Positive,Political Events,Asia,"['Political Events', 'Legal and Judicial Changes']" +106,Siachen Glacier Conflict,Unknown,Unknown,1984,Pakistan,Military Conflict,Siachen Glacier,A military conflict between India and Pakistan over the disputed Siachen Glacier region in Kashmir.,Indian & Pakistani militaries,India and Pakistan,Negative,Military and Conflict,Asia,"['Military and Conflict', 'Crisis and Emergency Response']" +107,Indus Water Treaty,19,September,1960,Pakistan,International Agreement,Karachi,"A waterUnknowndistribution treaty between India and Pakistan, brokered by the World Bank.",Residents of India and Pakistan,"India, Pakistan, World Bank",Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +108,Pakistan Atomic Energy Commission Establishment,1956,Unknown,1956,Pakistan,Scientific Organization,Islamabad,Established to oversee the nuclear energy and research projects in Pakistan.,Pakistani population,Government of Pakistan,Positive,Political Events,Asia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response', 'International Relations and Diplomacy']" +109,Nationalization in Pakistan,Unknown,Unknown,1972,Pakistan,Economic Policy,Nationwide,"The government took control of private industries, banks, and educational institutions.","Business owners, general public",Zulfikar Ali Bhutto,Mixed,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +110,Islamabad Declaration,22,January,1980,Pakistan,International Relations,Islamabad,An Islamic summit that led to the creation of the Economic Cooperation Organization (ECO).,ECO member states,Leaders of MuslimUnknownmajority countries,Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +111,Motorway Network Development,Unknown,Unknown,1997,Pakistan,Infrastructure,Nationwide,Development of a network of motorways to improve transportation and trade.,Pakistani citizens,Government of Pakistan,Positive,Economic and Infrastructure Development,Asia,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +112,Women's Protection Bill,15,November,2006,Pakistan,Legislation,Islamabad,Aims to amend and strengthen laws related to women's rights and protection.,Women in Pakistan,Parliament of Pakistan,Positive,Other,Asia,"['Political Events', 'Legal and Judicial Changes']" +113,Malala Yousafzai's Nobel Peace Prize,10,December,2014,Pakistan,International Recognition,"Oslo, Norway",Awarded for her struggle against the suppression of children and young people and for the right of all children to education.,Global community,"Malala Yousafzai, Kailash Satyarthi",Positive,Political Events,Asia,"['Social and Cultural Events', 'Legal and Judicial Changes']" +114,ChinaUnknownPakistan Friendship Highway Completion,Unknown,Unknown,1986,Pakistan,Infrastructure,Khunjerab Pass to Hassan Abdal,"Part of the Karakoram Highway, symbolizing the strong bilateral relationship between China and Pakistan.","Residents, traders",Governments of China and Pakistan,Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +115,Benazir Income Support Programme Launch,Unknown,Unknown,2008,Pakistan,Social Welfare Program,Nationwide,A federal unconditional cash transfer poverty reduction program in Pakistan.,LowUnknownincome families,Government of Pakistan,Positive,Political Events,Asia,"['Economic and Infrastructure Development', 'Political Events']" +116,18th Amendment to the Constitution,19,April,2010,Pakistan,Constitutional Amendment,Islamabad,A landmark amendment that devolved significant powers from the federal government to the provinces.,Pakistani citizens,Parliament of Pakistan,Positive,Political Events,Asia,"['Political Events', 'Legal and Judicial Changes']" +117,Pakistan's First Satellite Launch,16,July,1990,Pakistan,Space Exploration,"Xichang, China","Launch of BadrUnknown1, Pakistan's first indigenously developed and manufactured satellite.",Pakistani scientific community,SUPARCO,Positive,Technological and Scientific Advancements,Asia,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +118,Protection of Women Act,29,November,2006,Pakistan,Legislation,Islamabad,Enhances legal protections for women against violence and discrimination.,Women in Pakistan,Parliament of Pakistan,Positive,Other,Asia,['Legal and Judicial Changes'] +119,National Database and Registration Authority (NADRA) Establishment,1998,Unknown,1998,Pakistan,Government Agency,Islamabad,Established to maintain a secure and efficient national identity system.,Pakistani citizens,Government of Pakistan,Positive,Political Events,Asia,"['Political Events', 'Legal and Judicial Changes']" +120,Karachi Nuclear Power Plant Operational,1972,Unknown,1972,Pakistan,Nuclear Energy,Karachi,Marks the beginning of nuclear energy use for peaceful purposes in Pakistan.,Pakistani population,Pakistan Atomic Energy Commission,Positive,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response', 'International Relations and Diplomacy']" +121,HEC Digital Library Initiative,2004,Unknown,2004,Pakistan,Education,Nationwide,Provides students and researchers access to international scholarly literature.,"Students, researchers",Higher Education Commission of Pakistan,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Technological and Scientific Advancements', 'International Relations and Diplomacy']" +122,Gwadar Port Development,22,March,2002,Pakistan,Infrastructure,Gwadar,"Development of a major deepUnknownsea port in the Arabian Sea, aiming to enhance trade.","Pakistani economy, regional trade","Government of Pakistan, China",Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +123,National Action Plan Against Terrorism,24,December,2014,Pakistan,Security Policy,Nationwide,A comprehensive action plan for tackling terrorism in Pakistan following the Peshawar school massacre.,Pakistani citizens,Government of Pakistan,Positive,Political Events,Asia,"['Political Events', 'Crisis and Emergency Response']" +124,Independence from British Rule,4,February,1948,Sri Lanka,Political,Colombo,Marked the end of British colonial rule and the beginning of selfUnknowngovernance.,Sri Lankan citizens,Don Stephen Senanayake,Positive,Political Events,Asia,['Political Events'] +125,Sinhala Only Act,5,June,1956,Sri Lanka,Legislation,Sri Lanka,"Made Sinhala the sole official language, exacerbating ethnic tensions.",Sinhalese and Tamil populations,Solomon Bandaranaike,Negative,Other,Asia,"['Social and Cultural Events', 'Legal and Judicial Changes']" +126,1983 Black July Riots,23,July,1983,Sri Lanka,Ethnic Conflict,"Colombo, others",Triggered a civil war between the Sri Lankan government and LTTE.,"Sri Lankan Tamils, general population",Various groups and individuals,Negative,Political Events,Asia,"['Political Events', 'Military and Conflict']" +127,Tsunami Disaster,26,December,2004,Sri Lanka,Natural Disaster,Coastal Sri Lanka,"One of the deadliest natural disasters in Sri Lanka, leading to significant loss of life and displacement.","Coastal residents, general population",Unknown,Negative,Environmental and Health,Asia,['Environmental and Health'] +128,End of the Civil War,18,May,2009,Sri Lanka,Military,Mullaitivu,Ended nearly three decades of conflict between the Sri Lankan government and LTTE.,"Sri Lankan citizens, especially Tamils","Mahinda Rajapaksa, Sri Lankan Armed Forces",Positive,Military and Conflict,Asia,['Military and Conflict'] +129,Introduction of Free Education Act,Unknown,Unknown,1945,Sri Lanka,Education Policy,Sri Lanka,Established free education from primary to postUnknowngraduate levels.,"Students, educators",C.W.W. Kannangara,Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events', 'Legal and Judicial Changes']" +130,Republican Constitution of 1972,22,May,1972,Sri Lanka,Constitutional,Colombo,"Transitioned Ceylon to a republic named Sri Lanka, affirming sovereignty.",Sri Lankan citizens,Sirimavo Bandaranaike,Positive,Political Events,Asia,"['Political Events', 'Legal and Judicial Changes']" +131,Establishment of the Mahaweli Development Project,Unknown,Unknown,1977,Sri Lanka,Infrastructure Development,Mahaweli River,"Aimed at irrigation and hydroelectric power generation, significantly impacting agriculture and energy supply.","Residents, farmers",Government of Sri Lanka,Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +132,1987 IndoUnknownSri Lanka Accord,29,July,1987,Sri Lanka,International Agreement,Colombo,"Aimed to resolve the civil war and ensure Tamil rights, leading to Indian Peace Keeping Force deployment.","Sri Lankan Tamils, general population","J.R. Jayewardene, Rajiv Gandhi",Mixed,International Relations and Diplomacy,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +133,2002 Ceasefire Agreement with LTTE,22,February,2002,Sri Lanka,Peace Process,Nationwide,"A temporary halt in hostilities, aiming for a lasting peace solution.",ConflictUnknownaffected populations,"Ranil Wickremesinghe, LTTE",Mixed,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +134,Victory over Terrorism Day,18,May,2010,Sri Lanka,Commemoration,Nationwide,Marks the end of the civil war and the defeat of LTTE.,Sri Lankan citizens,Government of Sri Lanka,Positive,Political Events,Asia,"['Social and Cultural Events', 'Military and Conflict']" +135,Establishment of the Central Bank of Sri Lanka,28,August,1950,Sri Lanka,Economic Policy,Colombo,Centralized control over monetary policy and financial system regulation.,Economic sectors,Government of Sri Lanka,Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'Political Events']" +136,First Executive President Elected,4,February,1978,Sri Lanka,Political,Sri Lanka,"Introduced a new constitution and the executive presidency, changing the governance structure.",Sri Lankan citizens,J.R. Jayewardene,Mixed,Political Events,Asia,['Political Events'] +137,Free Health Policy Implementation,Unknown,Unknown,1951,Sri Lanka,Health Policy,Sri Lanka,"Provided universal free healthcare, improving public health standards.",Sri Lankan citizens,Government of Sri Lanka,Positive,Environmental and Health,Asia,"['Environmental and Health', 'Legal and Judicial Changes']" +138,2019 Easter Bombings,21,April,2019,Sri Lanka,Terrorism,"Colombo, others",A series of coordinated terrorist suicide bombings targeting churches and hotels.,"Christians, tourists",National Thowheeth Jama'ath,Negative,Crisis and Emergency Response,Asia,['Crisis and Emergency Response'] +139,Establishment of the University of Ceylon,Unknown,Unknown,1942,Sri Lanka,Education Development,Colombo,"The first university in Sri Lanka, marking a milestone in higher education.","Students, academics",Government of Sri Lanka,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Technological and Scientific Advancements', 'International Relations and Diplomacy']" +140,Land Reform Law Enacted,Unknown,Unknown,1972,Sri Lanka,Land Policy,Sri Lanka,Redistributed land to address disparities and promote agricultural development.,"Landless peasants, farmers",Government of Sri Lanka,Mixed,Political Events,Asia,['Legal and Judicial Changes'] +141,Women's Franchise Act Passed,Unknown,Unknown,1931,Sri Lanka,Legislation,Sri Lanka,"Granted voting rights to women, significantly ahead of many other countries.",Women in Sri Lanka,British Colonial Government,Positive,Other,Asia,"['Political Events', 'Legal and Judicial Changes']" +142,Establishment of Sri Lanka Broadcasting Corporation,Unknown,Unknown,1967,Sri Lanka,Media Development,Colombo,"Asia's oldest radio station, contributing to the media landscape and cultural preservation.",Sri Lankan citizens,Government of Sri Lanka,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Political Events', 'International Relations and Diplomacy']" +143,Sigiriya Designated as a UNESCO World Heritage Site,Unknown,Unknown,1982,Sri Lanka,Cultural Heritage,Sigiriya,"Recognition of the ancient rock fortress for its historical, archaeological, and artistic value.",Global and local tourists,UNESCO,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +149,Invention of Paper by Cai Lun,Unknown,Unknown,105,China,Scientific,Imperial court,Revolutionized the way information was recorded and transmitted through ages.,Global population,Cai Lun,Positive,Technological and Scientific Advancements,Asia,"['Historical and Monumental', 'Technological and Scientific Advancements']" +150,Introduction of Buddhism to China,Unknown,Unknown,0,China,Religious/Cultural,Han Dynasty China,"Significantly influenced Chinese culture, philosophy, and society for centuries.",Chinese society,Buddhist missionaries,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +151,Construction of the Great Wall,Unknown,Unknown,600,China,Architectural/Defensive,Northern China,A series of fortifications built across northern borders of China for protection and border control.,Chinese empire,Various Chinese dynasties,Mixed,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +152,Tang Dynasty's Golden Age,Unknown,Unknown,618,China,Cultural/Economic,Chang'an,"A period of relative peace, prosperity, and cultural achievement that influenced East Asia.",Chinese and neighboring countries,"Emperor Taizong, Wu Zetian",Positive,Social and Cultural Events,Asia,"['Historical and Monumental', 'International Relations and Diplomacy']" +153,Founding of the Song Dynasty,Unknown,Unknown,960,China,Dynastic Founding,Kaifeng,"Initiated advancements in technology, culture, and economics, including the use of gunpowder in warfare.",Chinese population,Emperor Taizu,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Political Events']" +154,Mongol Conquest and the Yuan Dynasty Establishment,Unknown,Unknown,1271,China,Military/Political,Mongol Empire,"Marked the first time China was ruled by foreign conquerors, leading to significant cultural exchanges.",Chinese population,Kublai Khan,Mixed,Other,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +155,Fall of the Ming Dynasty and Rise of the Qing,Unknown,Unknown,1644,China,Dynastic Transition,China,The transition brought about significant changes in administration and expansion of territory.,Chinese population,"Li Zicheng, Manchu leaders",Mixed,Historical and Monumental,Asia,['Historical and Monumental'] +156,The Opium Wars and Treaty of Nanjing,Unknown,Unknown,1842,China,International Conflict,Nanjing,Led to the opening of treaty ports and the cession of Hong Kong to Britain.,Chinese population,"Qing Dynasty, British Empire",Negative,Social and Cultural Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +157,Taiping Rebellion,Unknown,Unknown,1850,China,Civil War,Southern China,"One of the deadliest military conflicts in history, challenging the Qing Dynasty's rule.",Chinese population,Hong Xiuquan,Negative,Military and Conflict,Asia,['Military and Conflict'] +158,Xinhai Revolution and the End of Imperial China,10,October,1911,China,Political,Wuchang,"Overthrew the Qing Dynasty, leading to the establishment of the Republic of China.",Chinese population,Sun YatUnknownsen,Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +159,Long March,Unknown,Unknown,1934,China,Military/Strategic Retreat,Jiangxi to Shaanxi,A strategic retreat by the Chinese Communist Party's Red Army to evade the pursuit of the Kuomintang army.,CCP followers,Mao Zedong,Positive,Military and Conflict,Asia,"['Political Events', 'Military and Conflict']" +160,Cultural Revolution,Unknown,Unknown,1966,China,Political/Social Movement,Nationwide,Aimed at preserving Chinese communism by purging remnants of capitalist and traditional elements.,Chinese population,Mao Zedong,Negative,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +161,Handover of Hong Kong,1,July,1997,China,International Agreement,Hong Kong,Marked the return of Hong Kong from British to Chinese sovereignty.,Residents of Hong Kong,British and Chinese governments,Mixed,International Relations and Diplomacy,Asia,"['Historical and Monumental', 'International Relations and Diplomacy']" +162,China Hosts the Olympic Games,8,August,2008,China,International Sports Event,Beijing,Showcased China's emergence as a global power and led to widespread infrastructural improvements in Beijing.,Global audience,"International Olympic Committee, Chinese government",Positive,International Relations and Diplomacy,Asia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +163,Silk Road Establishment,Unknown,Unknown,150,China,Trade Route Development,China to the Mediterranean,"Facilitated trade and cultural exchanges between the East and West, significantly impacting ancient world economies.","Traders, various civilizations",Han Dynasty,Positive,Social and Cultural Events,Asia,['Economic and Infrastructure Development'] +164,Invention of Gunpowder,Unknown,Unknown,850,China,Scientific,China,"Led to revolutionary changes in warfare and later, global military technologies.",Global population,Chinese alchemists,Mixed,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +165,Invention of the Compass,Unknown,Unknown,1050,China,Scientific,China,"Revolutionized navigation and exploration, contributing to the Age of Discovery.",Global population,Chinese scientists,Positive,Technological and Scientific Advancements,Asia,"['Historical and Monumental', 'Technological and Scientific Advancements']" +166,Invention of Printing Technology,Unknown,Unknown,650,China,Scientific,China,"Pioneered the use of woodblock and movable type printing, transforming information dissemination.",Global population,Chinese inventors,Positive,Technological and Scientific Advancements,Asia,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +167,Battle of Red Cliffs,Unknown,Unknown,208,China,Military,Yangtze River,A decisive battle that marked the beginning of the Three Kingdoms period in Chinese history.,Chinese states,"Sun Quan, Liu Bei",Positive,Military and Conflict,Asia,"['Historical and Monumental', 'Military and Conflict']" +168,The Grand Canal Construction,Unknown,Unknown,650,China,Infrastructure,Hangzhou to Beijing,"The world's longest canal, crucial for internal trade and transportation in Imperial China.",Chinese population,Sui Dynasty,Positive,Economic and Infrastructure Development,Asia,"['Historical and Monumental', 'Economic and Infrastructure Development']" +169,Zheng He's Expeditions,Unknown,Unknown,1430,China,Exploration,"Southeast Asia, Africa",Demonstrated China's naval capabilities and established international trade routes.,"Asia, Africa",Zheng He,Positive,Other,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +170,Ming Dynasty's Voyages of Zheng He,Unknown,Unknown,1430,China,Exploration,"Southeast Asia, Africa",Demonstrated China's naval capabilities and established international trade routes.,"Asia, Africa",Zheng He,Positive,Other,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +171,Qing Dynasty's Establishment,Unknown,Unknown,1644,China,Dynastic Transition,China,"The last imperial dynasty of China, known for its expansion, arts, and internal consolidation.",Chinese population,Manchu leaders,Mixed,Historical and Monumental,Asia,['Historical and Monumental'] +172,Boxer Rebellion,Unknown,Unknown,1900,China,AntiUnknownImperialist Uprising,Northern China,An antiUnknownforeigner movement that aimed to rid China of foreign influence.,"Foreigners, Chinese Christians",Boxer militants,Negative,Social and Cultural Events,Asia,"['Political Events', 'Military and Conflict']" +173,May Fourth Movement,4,May,1919,China,Cultural and Political Movement,Beijing,"A studentUnknownled protest against the Treaty of Versailles' decisions, sparking significant cultural and intellectual reform.","Chinese intellectuals, students","Chinese students, intellectuals",Positive,Social and Cultural Events,Asia,['Political Events'] +174,OneUnknownChild Policy Introduced,Unknown,Unknown,1979,China,Population Control Policy,Nationwide,Aimed to control the rapidly growing population of China through strict family planning.,Chinese families,Chinese government,Mixed,Social and Cultural Events,Asia,"['Economic and Infrastructure Development', 'Political Events']" +175,SinoUnknownJapanese War (Second),Unknown,Unknown,1937,China,Military Conflict,China,"A major part of WWII in Asia, resulting in significant casualties and atrocities like the Nanjing Massacre.",Chinese population,"Imperial Japanese Army, Nationalist China",Negative,Military and Conflict,Asia,['Military and Conflict'] +176,Deng Xiaoping's Southern Tour,Unknown,Unknown,1992,China,Economic Reform,Southern China,"Reaffirmed the commitment to economic reforms and openingUnknownup policies, leading to rapid economic growth.",Chinese citizens,Deng Xiaoping,Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +177,Return of Hong Kong,1,July,1997,China,Sovereignty Transition,Hong Kong,Marked the transfer of sovereignty over Hong Kong from the United Kingdom to China.,Residents of Hong Kong,British and Chinese governments,Mixed,Social and Cultural Events,Asia,"['Historical and Monumental', 'International Relations and Diplomacy']" +178,Return of Macau,20,December,1999,China,Sovereignty Transition,Macau,"Similar to Hong Kong's return, marked the transfer of sovereignty over Macau from Portugal to China.",Residents of Macau,Portuguese and Chinese governments,Mixed,Social and Cultural Events,Asia,"['Historical and Monumental', 'International Relations and Diplomacy']" +179,2008 Beijing Olympics,8,August,2008,China,International Sports Event,Beijing,Showcased China's emergence as a global power and led to widespread infrastructural improvements in Beijing.,Global audience,"International Olympic Committee, Chinese government",Positive,International Relations and Diplomacy,Asia,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +180,Shanghai Cooperation Organization Establishment,15,June,2001,China,International Organization,Shanghai,"Founded to promote multilateral cooperation in security, economy, and culture among member states.",Member states,"China, Russia, Central Asian states",Positive,Social and Cultural Events,Asia,['International Relations and Diplomacy'] +183,Three Kingdoms Period Begins,Unknown,Unknown,220,China,Historical Period,China,"A period of fragmentation and warfare among rival kingdoms Wei, Shu, and Wu.",Chinese population,"Cao Cao, Liu Bei, Sun Quan",Mixed,Historical and Monumental,Asia,['Historical and Monumental'] +184,An Lushan Rebellion,Unknown,Unknown,755,China,Military Rebellion,"Chang'an, Luoyang",A devastating rebellion against the Tang dynasty that significantly weakened it.,"Tang dynasty, rebels",An Lushan,Negative,Military and Conflict,Asia,"['Political Events', 'Military and Conflict']" +185,Marco Polo's Visit to Yuan Dynasty China,Unknown,Unknown,1290,China,Exploration,Yuan Dynasty China,Enhanced knowledge and interest in China among Europeans through his detailed accounts.,European and Chinese societies,Marco Polo,Positive,Other,Asia,"['Historical and Monumental', 'International Relations and Diplomacy']" +186,Forbidden City Completion,Unknown,Unknown,1420,China,Architectural,Beijing,"Served as the imperial palace for Ming and Qing dynasties, symbolizing imperial power and architectural brilliance.","Chinese emperors, court",Ming Dynasty emperors,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +187,Jesuit Missionaries Arrive in Ming Dynasty,Unknown,Unknown,1530,China,Cultural/Religious Exchange,Ming Dynasty China,"Introduced Western science, technology, and religion to the Chinese imperial court.",Ming Dynasty society,Matteo Ricci and other Jesuits,Mixed,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +188,Treaty of Nanking Signed,Unknown,Unknown,1842,China,International Agreement,Nanking,"Ended the First Opium War, ceding Hong Kong to Britain and opening up ports to foreign trade under unequal terms.","Qing Dynasty, British Empire","Qing Dynasty, British Empire",Negative,International Relations and Diplomacy,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +189,Establishment of the People's Republic of China,1,October,1949,China,Political,Beijing,"Marked the victory of the Communist Party in the Chinese Civil War, establishing a socialist state.",Chinese citizens,Mao Zedong,Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +190,Economic Reform and OpeningUnknownup Policy Initiated,Unknown,Unknown,1978,China,Economic Policy,Nationwide,"Introduced by Deng Xiaoping, leading to significant economic growth and opening China to the global market.",Chinese citizens,Deng Xiaoping,Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +191,Founding of the People's Republic of China,1,October,1949,China,Political,Beijing,"Establishment of a communist government in China, significantly altering the country's political landscape.",Chinese citizens,Mao Zedong,Positive,Political Events,Asia,['Political Events'] +192,Great Leap Forward,Unknown,Unknown,1958,China,Economic Policy,Nationwide,"Aimed at rapidly transforming China from an agrarian society into an industrial one, leading to widespread famine.",Chinese rural population,Mao Zedong,Negative,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +193,Cultural Revolution,Unknown,Unknown,1966,China,Political/Social Movement,Nationwide,"Aimed at preserving Chinese communism by purging remnants of capitalist and traditional elements, causing social and political upheaval.",Chinese population,Mao Zedong,Negative,Political Events,Asia,['Social and Cultural Events'] +194,SinoUnknownAmerican Rapprochement,Unknown,Unknown,1972,China,International Relations,"Beijing, Shanghai","Normalization of relations between China and the United States, marked by President Nixon's visit.",Chinese and American populations,"Mao Zedong, Zhou Enlai, Richard Nixon",Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +195,Reform and OpeningUnknownup Policy,Unknown,Unknown,1978,China,Economic Reform,Nationwide,"Initiated by Deng Xiaoping, leading to significant economic growth and opening China to the global market.",Chinese citizens,Deng Xiaoping,Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +196,Tiananmen Square Protests,Unknown,June,1989,China,Political,Beijing,ProUnknowndemocracy protests calling for political reform; violently suppressed by the government.,"Protesters, general public","Chinese government, protesters",Negative,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +197,Hong Kong Handover,1,July,1997,China,Sovereignty Transition,Hong Kong,Transfer of sovereignty over Hong Kong from the United Kingdom to China.,Residents of Hong Kong,British and Chinese governments,Mixed,Social and Cultural Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +198,China Joins the World Trade Organization (WTO),11,December,2001,China,International Economic Integration,Geneva,"Marked China's deeper integration into the global economy, significantly boosting trade.","Global economy, Chinese exporters",Chinese government,Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +199,2008 Beijing Olympic Games,8,August,2008,China,International Sports Event,Beijing,Showcased China's emergence as a global power and led to widespread infrastructural improvements in Beijing.,Global audience,"International Olympic Committee, Chinese government",Positive,International Relations and Diplomacy,Asia,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +200,Belt and Road Initiative Announced,Unknown,Unknown,2013,China,Economic and Infrastructure Project,Nationwide,A global development strategy adopted by the Chinese government involving infrastructure development and investments.,"Global, especially participating countries",Xi Jinping,Mixed,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +201,SARS Epidemic,Unknown,Unknown,2002,China,Health Crisis,Guangdong,A severe outbreak that underscored the need for global public health cooperation and transparency.,Global population,Unknown,Negative,Environmental and Health,Asia,"['Crisis and Emergency Response', 'Environmental and Health']" +202,AntiUnknownSecession Law Passed,14,March,2005,China,Legislation,Beijing,"Aimed at preventing Taiwan's independence through nonUnknownpeaceful means, escalating crossUnknownstrait tensions.",Chinese and Taiwanese populations,National People's Congress of China,Mixed,Other,Asia,"['Political Events', 'International Relations and Diplomacy']" +203,HighUnknownSpeed Rail Expansion,Unknown,Unknown,2008,China,Infrastructure Development,Nationwide,"Initiated extensive development of the highUnknownspeed rail network, revolutionizing domestic travel and connectivity.",Chinese citizens,"Chinese government, Ministry of Railways",Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +204,Shanghai World Expo,1,May,2010,China,International Exhibition,Shanghai,"Showcased China's cultural and economic global integration, attracting participants and visitors worldwide.",International visitors,"Shanghai World Expo Bureau, International Participants",Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +205,Xi Jinping Assumes Presidency,14,March,2013,China,Political,Beijing,"Marked the beginning of Xi Jinping's leadership, significantly impacting China's domestic policies and global stance.",Chinese citizens,Xi Jinping,Mixed,Political Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +206,Made in China 2025 Initiative Announced,Unknown,Unknown,2015,China,Economic Policy,Nationwide,"A strategic plan to transition China into a highUnknowntech manufacturing leader, affecting global trade dynamics.","Global economy, Chinese industries",Chinese government,Mixed,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +207,South China Sea Arbitration Ruling,12,July,2016,China,International Relations,South China Sea,"An international tribunal ruled against China's claims in the South China Sea, which China rejected.",Regional claimant states,"Permanent Court of Arbitration, Chinese government",Negative,International Relations and Diplomacy,Asia,"['International Relations and Diplomacy', 'Legal and Judicial Changes']" +208,Chang'eUnknown5 Moon Mission Success,1,December,2020,China,Space Exploration,Moon,"Successfully returned lunar samples to Earth, marking a significant achievement in China's space exploration.",Global scientific community,China National Space Administration,Positive,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +209,Comprehensive Agreement on Investment with the EU,30,December,2020,China,International Economic Agreement,Brussels,"Aimed to increase investment opportunities between China and the European Union, enhancing economic ties.",EU and Chinese investors,"European Union, Chinese government",Positive,International Relations and Diplomacy,Asia,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +210,Foundation of Kievan Rus',Unknown,Unknown,882,Russia,State Formation,Kiev,"Established the first East Slavic state, laying the foundation for Russian nationality and statehood.",East Slavs,Prince Oleg of Novgorod,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +212,Mongol Invasion of Rus',Unknown,Unknown,1237,Russia,Military Invasion,Kievan Rus',"Led to the Mongol domination of Russian territories, profoundly affecting its development.",Rus' principalities,Batu Khan,Negative,Military and Conflict,Europe,"['Historical and Monumental', 'Military and Conflict']" +213,Battle of Kulikovo,8,September,1380,Russia,Military,Kulikovo Field,Marked the beginning of the decline of Mongol influence over Russian territories.,Russian principalities,Dmitry Donskoy,Positive,Military and Conflict,Europe,"['Political Events', 'Military and Conflict']" +214,Ivan III Tripled the Territory of Russia,Unknown,Unknown,1490,Russia,Territorial Expansion,Moscow,"Known as ""Ivan the Great,"" he significantly expanded Russian territory and centralized power in Moscow.",Russian state,Ivan III,Positive,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Political Events']" +216,Time of Troubles,Unknown,Unknown,1598,Russia,Political Crisis,Russia,"A period of political chaos, famine, and foreign invasion following the death of Ivan IV.",Russian population,Various claimants and factions,Negative,Political Events,Europe,"['Economic and Infrastructure Development', 'Political Events']" +218,Peter the Great's Reforms,Unknown,Unknown,1730,Russia,Modernization/Expansion,Russia,"Modernized and expanded Russia, establishing it as a major European power.",Russian Empire,Peter I,Positive,Economic and Infrastructure Development,Europe,['Economic and Infrastructure Development'] +222,RussoUnknownJapanese War,1904,Unknown,1905,Russia,Military Conflict,"Manchuria, Korea",First major military defeat of a European power by an Asian nation in the modern era.,Russian and Japanese Empires,Nicholas II,Negative,Military and Conflict,Europe,['Military and Conflict'] +224,October Revolution,25,October,1917,Russia,Political Revolution,Petrograd (Saint Petersburg),"Overthrew the Provisional Government, leading to the establishment of the Soviet Union.",Russian society,Bolsheviks (Vladimir Lenin),Positive,Political Events,Europe,['Political Events'] +225,Russian Civil War,1917,Unknown,1922,Russia,Civil War,Russia,A multiUnknownparty war in the former Russian Empire fought between the Bolshevik Red Army and various forces.,Russian population,"Bolsheviks, White Army, and allies",Negative,Military and Conflict,Europe,"['Political Events', 'Military and Conflict']" +227,Stalin's Great Purge,1936,Unknown,1938,Russia,Political Repression,Soviet Union,"A campaign of political repression, including executions and labor camps.",Soviet citizens,Joseph Stalin,Negative,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +228,Nazi Germany Invades the Soviet Union,22,June,1941,Russia,Military Conflict,Soviet Union,"Known as Operation Barbarossa, it was the largest military invasion in history.",Soviet Union citizens,Adolf Hitler,Negative,Military and Conflict,Europe,"['Political Events', 'Military and Conflict']" +229,Victory in the Great Patriotic War,9,May,1945,Russia,End of WWII in Europe,Soviet Union,"Marked the defeat of Nazi Germany, celebrating the end of WWII in Europe.",Soviet Union citizens,Soviet military and citizens,Positive,Political Events,Europe,"['Social and Cultural Events', 'Military and Conflict']" +230,Treaty of BrestUnknownLitovsk,3,March,1918,Russia,International Treaty,"BrestUnknownLitovsk (now Brest, Belarus)","Ended Russia's participation in WWI, ceding vast territories to the Central Powers.",Russian Empire,Bolshevik Government,Negative,Political Events,Europe,['International Relations and Diplomacy'] +231,Kronstadt Rebellion,7,March,1921,Russia,Military Rebellion,Kronstadt,"A major revolt by sailors against the Soviet government's policies, brutally suppressed.","Sailors, Red Army",Bolshevik Government,Negative,Military and Conflict,Europe,"['Political Events', 'Military and Conflict']" +232,Formation of the USSR,30,December,1922,Russia,Political,Soviet Russia,"Unified the Russian, Ukrainian, Belarusian, and Transcaucasian republics into a single federal state.",Citizens of member republics,"Vladimir Lenin, Soviet leadership",Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +233,Collectivization of Agriculture,Unknown,Unknown,1929,Russia,Economic Policy,Soviet Union,Forced consolidation of individual peasant households into collective farms (kolkhozes and sovkhozes).,Peasants,Joseph Stalin,Negative,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Political Events']" +234,First FiveUnknownYear Plan Initiated,Unknown,Unknown,1928,Russia,Economic Policy,Soviet Union,"Aimed at rapid industrialization and collectivization of agriculture, setting high production goals.",Soviet workforce,Joseph Stalin,Mixed,Economic and Infrastructure Development,Europe,['Economic and Infrastructure Development'] +235,SovietUnknownFinnish Winter War,30,November,1939,Russia,Military Conflict,Finland,"An attempt by the Soviet Union to annex Finnish territory, resulting in heavy casualties and international criticism.",Finnish and Soviet military,"Joseph Stalin, Soviet military",Negative,Military and Conflict,Europe,['Military and Conflict'] +236,Siege of Leningrad,8,September,1941,Russia,Military Siege,Leningrad (now Saint Petersburg),"One of the longest and most destructive sieges in history, causing severe famine and casualties.","Civilians, Soviet military","Nazi Germany, Soviet Union",Negative,Military and Conflict,Europe,"['Crisis and Emergency Response', 'Environmental and Health']" +237,Battle of Stalingrad,17,July,1942,Russia,Military Battle,Stalingrad (now Volgograd),"A turning point in WWII on the Eastern Front, resulting in significant German losses.",Soviet and German military,"Soviet Union, Nazi Germany",Positive,Military and Conflict,Europe,"['Military and Conflict', 'Crisis and Emergency Response']" +238,Moscow Conference of Foreign Ministers,19,October,1943,Russia,Diplomatic Meeting,Moscow,Led to discussions on postUnknownwar reorganization and laid the groundwork for the United Nations.,Allied nations,"Churchill, Roosevelt, Stalin",Positive,Political Events,Europe,"['Political Events', 'International Relations and Diplomacy']" +239,Yalta Conference,4,February,1945,Russia,International Conference,"Yalta, Crimea","Agreements on the postUnknownwar reorganization of Europe and Germany, setting the stage for the Cold War.",Allied powers,"Churchill, Roosevelt, Stalin",Mixed,Political Events,Europe,"['Social and Cultural Events', 'Military and Conflict']" +240,Death of Joseph Stalin,5,March,1953,USSR,Political,Moscow,Marked the end of Stalin's rule and the beginning of the deUnknownStalinization process under his successors.,Soviet citizens,Unknown,Mixed,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +241,Launch of Sputnik 1,4,October,1957,USSR,Space Exploration,Baikonur Cosmodrome,Initiated the space age and the space race between the USSR and the United States.,Global population,Soviet space program,Positive,Technological and Scientific Advancements,Unknown,"['Technological and Scientific Advancements', 'Military and Conflict']" +242,Cuban Missile Crisis,16,October,1962,USSR,International Crisis,Cuba,A 13Unknownday confrontation between the United States and the Soviet Union over Soviet ballistic missiles in Cuba.,Global population,"Nikita Khrushchev, John F. Kennedy",Negative,Political Events,Unknown,"['Military and Conflict', 'International Relations and Diplomacy']" +243,Khrushchev's Secret Speech,25,February,1956,USSR,Political,Moscow,"Denounced the crimes of Joseph Stalin, marking the beginning of the deUnknownStalinization.","Soviet citizens, Communist Party members",Nikita Khrushchev,Positive,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +244,The Prague Spring and its Suppression,20,August,1968,USSR,Military Intervention,Czechoslovakia,A period of political liberalization in Czechoslovakia crushed by Soviet military intervention.,Czechoslovak citizens,Leonid Brezhnev,Negative,Political Events,Unknown,['Military and Conflict'] +245,SovietUnknownAfghan War,24,December,1979,USSR,Military Conflict,Afghanistan,A costly and ultimately unsuccessful attempt by the Soviet Union to prop up a communist government.,Afghan and Soviet citizens,Leonid Brezhnev,Negative,Military and Conflict,Unknown,['Military and Conflict'] +246,Perestroika and Glasnost Reforms,Unknown,Unknown,1975,USSR,Political/Economic Reform,Soviet Union,Mikhail Gorbachev's policies of reforming the political system and increasing transparency.,Soviet citizens,Mikhail Gorbachev,Positive,Political Events,Unknown,['Political Events'] +247,Chernobyl Nuclear Disaster,26,April,1986,USSR,Nuclear Accident,"Chernobyl, Ukraine","The worst nuclear disaster in history, leading to significant health and environmental consequences.",Global population,Unknown,Negative,Political Events,Unknown,['Environmental and Health'] +248,Fall of the Berlin Wall,9,November,1989,USSR,Political,"Berlin, Germany",Symbolized the end of the Cold War and the beginning of German reunification.,East and West Germans,Unknown,Positive,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +249,Dissolution of the Soviet Union,26,December,1991,USSR,Political,Soviet Union,"Marked the end of the Soviet Union and the emergence of 15 independent republics, including Russia.",Citizens of former USSR,"Mikhail Gorbachev, Boris Yeltsin",Positive,Political Events,Unknown,"['Political Events', 'Military and Conflict']" +250,Boris Yeltsin Elected as First President of Russia,12,June,1991,Russia,Political,Russia,Signified the transition towards democratic governance and market economics in postUnknownSoviet Russia.,Russian citizens,Boris Yeltsin,Positive,Political Events,Europe,"['Economic and Infrastructure Development', 'Political Events']" +251,Constitutional Crisis in Russia,21,September,1993,Russia,Political Crisis,Moscow,A political standUnknownoff between the Russian president and the parliament culminated in military conflict.,Russian citizens,"Boris Yeltsin, Russian parliament",Negative,Political Events,Europe,['Political Events'] +253,Financial Crisis in Russia,17,August,1998,Russia,Economic Crisis,Russia,"Led to the Russian government defaulting on its debt, causing significant economic turmoil.",Russian citizens,Russian government,Negative,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Political Events']" +254,Putin's First Presidential Term,7,May,2000,Russia,Political,Russia,"Marked the beginning of Vladimir Putin's long tenure in power, significantly impacting Russian politics.",Russian citizens,Vladimir Putin,Mixed,Political Events,Europe,"['Economic and Infrastructure Development', 'Political Events']" +255,Moscow Theater Hostage Crisis,23,October,2002,Russia,Terrorism,Moscow,"A deadly siege carried out by Chechen terrorists, ending with numerous casualties.","Hostages, terrorists","Chechen terrorists, Russian security forces",Negative,Crisis and Emergency Response,Europe,['Crisis and Emergency Response'] +256,Beslan School Siege,1,September,2004,Russia,Terrorism,"Beslan, North Ossetia","A terrorist attack resulting in over 330 deaths, including many children.",Beslan residents,"Chechen terrorists, Russian security forces",Negative,Crisis and Emergency Response,Europe,['Crisis and Emergency Response'] +257,Russia's Annexation of Crimea,18,March,2014,Russia,Political/Territorial Change,Crimea,Led to international sanctions against Russia and significant geopolitical tensions.,"Ukrainians, Russians","Vladimir Putin, Russian government",Negative,Political Events,Europe,"['Political Events', 'Military and Conflict']" +258,Intervention in the Syrian Civil War,30,September,2015,Russia,Military Intervention,Syria,"Russia's military intervention on behalf of the Syrian government, affecting the course of the war.",Syrian population,"Vladimir Putin, Russian military",Mixed,Political Events,Europe,"['Political Events', 'Military and Conflict']" +259,Skripal Poisoning Incident,4,March,2018,Russia,International Incident,"Salisbury, UK","Led to a diplomatic crisis between Russia and Western countries, with accusations of Russian involvement.","Skripal family, UK citizens",Russian government (alleged),Negative,Political Events,Europe,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +260,Asuka Period Begins,Unknown,Unknown,538,Japan,Cultural/Political,Asuka,"Marked the introduction of Buddhism to Japan, influencing its culture and religion significantly.",Japanese society,"Soga no Umako, Prince Shotoku",Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +261,Taika Reforms,Unknown,Unknown,645,Japan,Political,Japan,A set of doctrines established to reshape Japanese government and society along Chinese Confucian models.,Japanese society,Emperor Kōtoku,Positive,Political Events,Asia,"['Historical and Monumental', 'Political Events']" +262,Nara Period Begins,Unknown,Unknown,710,Japan,Cultural,Nara,"Establishment of the first permanent capital in Nara, leading to a flourishing of Japanese culture and arts.",Japanese society,Empress Genmei,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +263,Heian Period Begins,Unknown,Unknown,794,Japan,Cultural,HeianUnknownkyō (Kyoto),"Marked the start of a golden age of art, culture, and literature in Japan.",Japanese society,Emperor Kanmu,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +264,The Tale of Genji by Murasaki Shikibu,Unknown,Unknown,1030,Japan,Literature,HeianUnknownkyō (Kyoto),"Often considered the world's first novel, showcasing the sophistication of HeianUnknownera culture and society.","Japanese literature, global readership",Murasaki Shikibu,Positive,Other,Asia,"['Social and Cultural Events', 'Historical and Monumental', 'Social and Civil Rights']" +265,Kamakura Shogunate Established,Unknown,Unknown,1185,Japan,Military/Political,Kamakura,"The establishment of the first shogunate in Japan, marking the beginning of feudalism and samurai dominance.",Japanese society,Minamoto no Yoritomo,Mixed,Other,Asia,"['Social and Cultural Events', 'Political Events']" +266,Mongol Invasions of Japan,Unknown,Unknown,1274,Japan,Military,Kyushu,"Failed attempts by the Mongol Empire to invade Japan, reinforcing the samurai's status and affecting Japanese medieval identity.",Japanese defenders,"Kublai Khan, Samurai defenders",Positive,Military and Conflict,Asia,"['Historical and Monumental', 'Military and Conflict']" +267,Muromachi Period Begins,Unknown,Unknown,1336,Japan,Cultural/Political,"Muromachi, Kyoto","A period marked by civil wars and the establishment of the Ashikaga shogunate, leading to cultural developments like the tea ceremony and Noh theater.",Japanese society,Ashikaga Takauji,Mixed,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +268,Onin War,Unknown,Unknown,1467,Japan,Civil War,Kyoto,A conflict that led to the collapse of the Ashikaga shogunate's authority and the start of the Sengoku period.,Japanese society,Various daimyōs,Negative,Military and Conflict,Asia,"['Political Events', 'Military and Conflict']" +269,Introduction of Firearms by Portuguese,Unknown,Unknown,1543,Japan,Military/Technology,Tanegashima,Transformed warfare in Japan and led to significant changes in military tactics during the Sengoku period.,"Japanese warlords, samurai",Portuguese traders,Mixed,Other,Asia,"['Technological and Scientific Advancements', 'Military and Conflict']" +270,AzuchiUnknownMomoyama Period Begins,Unknown,Unknown,1568,Japan,Cultural/Political,Azuchi,"Characterized by the unification of Japan under Oda Nobunaga and later Toyotomi Hideyoshi, leading to the establishment of a centralized government.",Japanese society,"Oda Nobunaga, Toyotomi Hideyoshi",Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Political Events']" +271,Tokugawa Shogunate Established,Unknown,Unknown,1603,Japan,Political,Edo (Tokyo),"The establishment of the Tokugawa shogunate marked the beginning of over 250 years of peace and stability, known as the Edo period.",Japanese society,Tokugawa Ieyasu,Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +272,Sakoku Edict of 1635,Unknown,Unknown,1635,Japan,Foreign Policy,Japan,The isolationist foreign policy of the Tokugawa shogunate that restricted Japan's contact with most foreign countries.,Japanese society,Tokugawa Iemitsu,Mixed,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +273,Meiji Restoration,Unknown,Unknown,1868,Japan,Political,Japan,"The restoration of imperial rule under Emperor Meiji, leading to rapid modernization and westernization.",Japanese society,"Emperor Meiji, Meiji oligarchs",Positive,Political Events,Asia,"['Historical and Monumental', 'Political Events']" +274,SinoUnknownJapanese War,Unknown,Unknown,1894,Japan,Military Conflict,"Korea, China","Established Japan as a formidable military power in East Asia, leading to the acquisition of Taiwan.",Chinese and Japanese Empires,Meiji Government,Positive,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +275,RussoUnknownJapanese War,Unknown,Unknown,1904,Japan,Military Conflict,"Manchuria, Korea","A significant victory for Japan, marking the first time an Asian power defeated a European power in modern times.",Russian and Japanese Empires,Meiji Government,Positive,Military and Conflict,Asia,['Military and Conflict'] +276,Taisho Democracy,Unknown,Unknown,1912,Japan,Political,Japan,A period of democratic political reforms and increased political participation during the Taisho era.,Japanese society,Unknown,Mixed,Political Events,Asia,['Political Events'] +277,Japanese Invasion of Manchuria,18,September,1931,Japan,Military Invasion,"Manchuria, China","Marked the beginning of Japan's aggressive expansion in East Asia, leading to the Second SinoUnknownJapanese War.",Chinese and Japanese populations,Imperial Japanese Army,Negative,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +278,Second SinoUnknownJapanese War,7,July,1937,Japan,Military Conflict,China,"A major theater of WWII in Asia, resulting in massive casualties and atrocities such as the Nanjing Massacre.",Chinese and Japanese civilians,Imperial Japanese Army,Negative,Military and Conflict,Asia,"['Military and Conflict', 'Crisis and Emergency Response']" +279,Atomic Bombings of Hiroshima and Nagasaki,6 and 9,August,1945,Japan,Military/Atomic Warfare,"Hiroshima, Nagasaki","Led to Japan's surrender in WWII, marking the first and only use of nuclear weapons in warfare.",Japanese civilians,United States,Negative,Military and Conflict,Asia,"['Military and Conflict', 'Crisis and Emergency Response']" +280,Perry Expedition and Opening of Japan,8,July,1853,Japan,International Relations,Edo Bay (Tokyo Bay),"Forced Japan to end its isolationist policy, leading to the Treaty of Kanagawa and opening Japan to the West.",Japanese society,Commodore Matthew Perry,Mixed,International Relations and Diplomacy,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +281,Boshin War,Unknown,Unknown,1868,Japan,Civil War,Japan,A civil war between forces of the Tokugawa Shogunate and those seeking to return political power to the Imperial Court.,Japanese society,"Tokugawa Shogunate, Imperial loyalists",Positive,Military and Conflict,Asia,"['Historical and Monumental', 'Military and Conflict']" +282,Iwakura Mission,Unknown,Unknown,1871,Japan,Diplomatic Mission,"USA, Europe",A Japanese diplomatic voyage to the United States and Europe to renegotiate unequal treaties and study Western ways.,Japanese society,"Iwakura Tomomi, Kido Takayoshi",Positive,Political Events,Asia,['International Relations and Diplomacy'] +283,Satsuma Rebellion,Unknown,Unknown,1877,Japan,Military Rebellion,Kyushu,"A revolt of disaffected samurai against the new imperial government, marking the end of samurai rebellion.","Japanese government, samurai",Saigō Takamori,Negative,Military and Conflict,Asia,"['Political Events', 'Military and Conflict']" +284,First SinoUnknownJapanese War,Unknown,Unknown,1894,Japan,Military Conflict,"Korea, China","Demonstrated Japan's military dominance in Asia, leading to the acquisition of Taiwan and Korea's independence.",Chinese and Japanese Empires,Meiji Government,Positive,Military and Conflict,Asia,['Military and Conflict'] +285,JapanUnknownKorea Annexation Treaty,22,August,1910,Japan,International Agreement,Korea,"Officially annexed Korea, making it a part of the Japanese Empire until the end of World War II.",Korean population,Imperial Japan,Negative,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +286,Washington Naval Conference,Unknown,Unknown,1922,Japan,International Relations,Washington D.C.,Led to naval disarmament and attempted to prevent naval arms race among the major powers.,International community,"USA, UK, Japan, France, Italy",Positive,International Relations and Diplomacy,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +287,Manchurian Incident,18,September,1931,Japan,Military Aggression,"Manchuria, China","A staged event used by Japan as a pretext to invade Manchuria, leading to the establishment of Manchukuo.",Chinese and Japanese populations,Imperial Japanese Army,Negative,Other,Asia,"['Political Events', 'Military and Conflict']" +288,Marco Polo Bridge Incident,7,July,1937,Japan,Military Conflict,"Near Beijing, China","The start of the fullUnknownscale Second SinoUnknownJapanese War, escalating conflict in East Asia.",Chinese and Japanese populations,"Imperial Japanese Army, Chinese forces",Negative,Military and Conflict,Asia,['Military and Conflict'] +289,Japan's Surrender in World War II,2,September,1945,Japan,End of WWII,Tokyo Bay,Marked the end of World War II and the beginning of Japan's postUnknownwar reconstruction and pacifism era.,Japanese population,"Emperor Hirohito, Allied Powers",Negative,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +290,San Francisco Peace Treaty Signed,8,September,1951,Japan,International Treaty,San Francisco,"Officially ended the state of war between Japan and the Allied Powers, restoring Japan's sovereignty.",Japanese population,Shigeru Yoshida (Prime Minister),Positive,Political Events,Asia,['International Relations and Diplomacy'] +291,Japan Joins the United Nations,18,December,1956,Japan,International Relations,New York,Marked Japan's return to the international community and its commitment to global peace and cooperation.,Global community,Japanese government,Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +292,Income Doubling Plan Announced,Unknown,Unknown,1960,Japan,Economic Policy,Japan,"Aimed at doubling the national income, fueling rapid economic growth and improving living standards.",Japanese citizens,Hayato Ikeda (Prime Minister),Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'Political Events']" +293,Tokyo Olympics,10,October,1964,Japan,International Sports Event,Tokyo,"Showcased Japan's recovery and modernization to the world, fostering national pride and international goodwill.",Global audience,Japanese government,Positive,International Relations and Diplomacy,Asia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +294,Osaka Expo '70,15,March,1970,Japan,World's Fair,Osaka,Symbolized Japan's cultural and technological advancements on the world stage.,International visitors,Japanese government,Positive,Other,Asia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +295,Oil Crisis and Economic Shift,October,Unknown,1973,Japan,Economic Crisis,Japan,Prompted a shift in Japan's economy towards energyUnknownefficient industries and high technology.,Japanese economy,Japanese government,Mixed,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +296,JapanUnknownChina Joint Communiqué,29,September,1972,Japan,Diplomatic Agreement,Beijing,"Normalized diplomatic relations between Japan and China, ending the postUnknownwar state of hostility.",Japanese and Chinese populations,Kakuei Tanaka (Prime Minister),Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +298,Heisei Era Begins,8,January,1989,Japan,Era Change,Japan,"The ascension of Emperor Akihito marked the beginning of the Heisei era, symbolizing peace and recovery.",Japanese population,Emperor Akihito,Positive,Political Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +299,Great Hanshin Earthquake,17,January,1995,Japan,Natural Disaster,Kobe,"One of the deadliest earthquakes in Japan's history, leading to significant loss of life and damage.",Residents of affected area,Unknown,Negative,Environmental and Health,Asia,['Environmental and Health'] +300,Aum Shinrikyo Tokyo Subway Sarin Attack,20,March,1995,Japan,Terrorism,Tokyo,"A deadly terrorist attack by a doomsday cult, shaking public security and trust in authorities.","Commuters, general public",Aum Shinrikyo cult,Negative,Crisis and Emergency Response,Asia,['Crisis and Emergency Response'] +302,Japan's Apology for WWII Aggressions,15,August,1995,Japan,Diplomatic Statement,Japan,Prime Minister Tomiichi Murayama issued a formal apology for Japan's wartime aggressions.,Asian neighbors,Tomiichi Murayama (Prime Minister),Positive,Other,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +303,Kyoto Protocol on Climate Change,11,December,1997,Japan,International Agreement,Kyoto,"An international treaty committing its parties to reduce greenhouse gas emissions, based on the premise of global warming.",Global community,International participants,Positive,International Relations and Diplomacy,Asia,"['International Relations and Diplomacy', 'Environmental and Health']" +305,Fukushima Daiichi Nuclear Disaster,11,March,2011,Japan,Nuclear Accident,Fukushima,"Triggered by a massive earthquake and tsunami, it was one of the worst nuclear disasters in history.","Residents of affected area, global community","TEPCO, Japanese government",Negative,Political Events,Asia,"['Crisis and Emergency Response', 'Environmental and Health']" +306,JapanUnknownKorea Comfort Women Agreement,28,December,2015,Japan,Diplomatic Agreement,Seoul,"Aimed to resolve the longUnknownstanding issue of ""comfort women"" during WWII, though met with criticism and controversy.","Victims, South Korean and Japanese populations","Shinzo Abe (Prime Minister), Park GeunUnknownhye",Mixed,International Relations and Diplomacy,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +307,Emperor Akihito's Abdication,30,April,2019,Japan,Historical,Tokyo,"Marked the first abdication of a Japanese emperor in over two centuries, leading to the Reiwa era.",Japanese population,Emperor Akihito,Positive,Other,Asia,"['Historical and Monumental', 'Political Events']" +308,2020 Tokyo Olympics Postponement,24,March,2020,Japan,International Sports Event,Tokyo,The Olympics were postponed for the first time in history due to the COVIDUnknown19 pandemic.,"Global audience, athletes","International Olympic Committee, Japanese government",Mixed,International Relations and Diplomacy,Asia,"['Social and Cultural Events', 'Technological and Scientific Advancements', 'International Relations and Diplomacy', 'Environmental and Health']" +309,Reiwa Era Begins,1,May,2019,Japan,Era Change,Japan,"The ascension of Emperor Naruhito marked the beginning of the Reiwa era, symbolizing harmony and peace.",Japanese population,Emperor Naruhito,Positive,Political Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +310,Arrival of the First Fleet,26,January,1788,Australia,Colonial Settlement,Sydney Cove,"Marked the beginning of British colonization in Australia, leading to the establishment of New South Wales.","Indigenous Australians, British convicts",Captain Arthur Phillip,Mixed,Other,Australia,"['Social and Cultural Events', 'Military and Conflict']" +311,Establishment of the Colony of Van Diemen's Land,Unknown,Unknown,1803,Australia,Colonial Expansion,Tasmania,"Expanded British territorial claims in Australia, significantly impacting the indigenous population.","Tasmanian Aboriginal people, British settlers",British Colonial Administration,Negative,Other,Australia,"['Military and Conflict', 'Legal and Judicial Changes']" +312,Gold Rushes Begin,Unknown,Unknown,1851,Australia,Economic,"New South Wales, Victoria","Triggered mass migration to Australia, significantly boosting the economy and population.",Australian colonies,Gold prospectors,Positive,Economic and Infrastructure Development,Australia,['Economic and Infrastructure Development'] +313,Eureka Stockade,3,December,1854,Australia,Rebellion,"Ballarat, Victoria","A miners' rebellion against colonial authorities, considered a pivotal event in the development of democracy in Australia.","Miners, colonial authorities",Peter Lalor,Positive,Military and Conflict,Australia,"['Social and Cultural Events', 'Political Events']" +314,Establishment of the Commonwealth of Australia,1,January,1901,Australia,Federation,Entire Australia,"Unification of the six colonies into a federated nation, marking the birth of modern Australia.",Australian population,Edmund Barton,Positive,Political Events,Australia,"['Social and Cultural Events', 'Political Events']" +315,ANZAC troops land at Gallipoli,25,April,1915,Australia,Military,"Gallipoli, Turkey",Marked the first major military action fought by Australian and New Zealand forces during WWI.,ANZAC soldiers,Unknown,Negative,Military and Conflict,Australia,"['Technological and Scientific Advancements', 'Military and Conflict']" +316,The Great Strike of 1917,Unknown,Unknown,1917,Australia,Labor Movement,Sydney,"One of Australia's largest industrial disputes, affecting the country's economy and labor laws.","Workers, employers",Union leaders,Mixed,Economic and Infrastructure Development,Australia,"['Economic and Infrastructure Development', 'Legal and Judicial Changes']" +317,Women's Suffrage Achieved,Unknown,Unknown,1902,Australia,Political,Entire Australia,"Granted women the right to vote and stand for parliamentary election, a significant step for women's rights.",Australian women,Women's suffrage activists,Positive,Political Events,Australia,"['Political Events', 'Legal and Judicial Changes']" +318,The Great Depression Hits Australia,Unknown,Unknown,1929,Australia,Economic Crisis,Entire Australia,"Severely affected Australia's economy, leading to widespread unemployment and social upheaval.",Australian population,Unknown,Negative,Economic and Infrastructure Development,Australia,"['Economic and Infrastructure Development', 'Environmental and Health']" +319,Sydney Harbour Bridge Opens,19,March,1932,Australia,Infrastructure,Sydney,Became a national symbol of Australia and a critical transportation link within Sydney.,Sydney residents,John Bradfield,Positive,Economic and Infrastructure Development,Australia,"['Economic and Infrastructure Development', 'International Relations and Diplomacy', 'Environmental and Health']" +320,Australian Citizenship Act,Unknown,Unknown,1949,Australia,Legal,Entire Australia,"Established Australian citizenship, formally distinguishing Australians from British subjects.",Australian residents,Australian Government,Positive,Legal and Judicial Changes,Australia,"['Political Events', 'Legal and Judicial Changes']" +321,Darwin Bombing by Japanese Forces,19,February,1942,Australia,Military,"Darwin, Northern Territory","The largest single attack ever mounted by a foreign power on Australia, bringing the realities of WWII to Australian shores.",Residents of Darwin,Imperial Japanese Navy,Negative,Military and Conflict,Australia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +322,Kokoda Trail Campaign,Unknown,Unknown,1942,Australia,Military,Papua New Guinea,"A series of battles fought in the New Guinea campaign of WWII, showcasing the bravery of Australian troops.","Australian soldiers, Papua New Guineans",Australian Army,Positive,Military and Conflict,Australia,"['Technological and Scientific Advancements', 'Military and Conflict']" +323,Australian Involvement in WWII Begins,3,September,1939,Australia,Military,Global,Marked Australia's entry into WWII following the United Kingdom's declaration of war on Nazi Germany.,"Australian military, civilians",Robert Menzies (Prime Minister),Mixed,Military and Conflict,Australia,"['Military and Conflict', 'International Relations and Diplomacy']" +324,Myall Creek Massacre,10,June,1838,Australia,Massacre,"Myall Creek, New South Wales",One of the most infamous incidents of violence against Indigenous Australians during the frontier wars.,Wirrayaraay people,European settlers,Negative,Crisis and Emergency Response,Australia,"['Crisis and Emergency Response', 'Environmental and Health']" +325,The Founding of Melbourne,30,August,1835,Australia,Settlement,"Melbourne, Victoria","Establishment of Melbourne, which would grow to become one of Australia's largest and most influential cities.","Indigenous Australians, settlers","John Batman, settlers",Mixed,Economic and Infrastructure Development,Australia,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +326,The Shearers' Strike,Unknown,Unknown,1891,Australia,Labor Movement,Queensland,"A significant early labor dispute, highlighting the division between workers and employers in rural Australia.","Shearers, pastoralists","Union leaders, Queensland Government",Mixed,Economic and Infrastructure Development,Australia,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Legal and Judicial Changes']" +327,Federation of Australia,1,January,1901,Australia,Political,Entire Australia,"Unified the six separate British colonies into a single nation, the Commonwealth of Australia.",Residents of the colonies,Edmund Barton,Positive,Political Events,Australia,"['Political Events', 'Military and Conflict']" +328,Australian Imperial Force's Formation,Unknown,Unknown,1914,Australia,Military Formation,Australia,Formation of the AIF marked Australia's preparation for participation in WWI.,Australian volunteers,Australian Government,Mixed,Economic and Infrastructure Development,Australia,"['Technological and Scientific Advancements', 'Military and Conflict']" +329,Black Friday Bushfires,13,January,1939,Australia,Natural Disaster,Victoria,"One of Australia's worst natural disasters, leading to significant loss of life and property.",Residents of Victoria,Unknown,Negative,Environmental and Health,Australia,['Environmental and Health'] +330,Signing of the ANZUS Treaty,1,September,1951,Australia,International Relations,San Francisco,"Established a security alliance between Australia, New Zealand, and the United States, strengthening ties with the US.",Australian citizens,Robert Menzies (Prime Minister),Positive,International Relations and Diplomacy,Australia,['International Relations and Diplomacy'] +331,Mabo v Queensland Decision,3,June,1992,Australia,Legal Land Rights,High Court of Australia,"Recognized Native Title in Australia, overturning the doctrine of terra nullius and acknowledging Indigenous land rights.",Indigenous Australians,"Eddie Mabo, High Court of Australia",Positive,Legal and Judicial Changes,Australia,['Legal and Judicial Changes'] +332,Introduction of the Universal Health Care System,Unknown,Unknown,1975,Australia,Health Policy,Nationwide,"Established Medicare, providing access to free or subsidised medical care for Australian citizens.",Australian citizens,Gough Whitlam (Prime Minister),Positive,Environmental and Health,Australia,"['Legal and Judicial Changes', 'Social and Civil Rights']" +333,Sydney Opera House Opens,20,October,1973,Australia,Cultural Infrastructure,Sydney,"Became an iconic symbol of Australia and a major cultural venue, enhancing the country's global cultural stature.",International and local visitors,"Queen Elizabeth II, Jørn Utzon",Positive,Social and Cultural Events,Australia,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +334,1967 Referendum on Indigenous Australians,27,May,1967,Australia,Political/Legal,Nationwide,Amended the constitution to include Indigenous Australians in censuses and allow the federal government to create laws for them.,"Indigenous Australians, Australian voters","Australian Government, Indigenous activists",Positive,Political Events,Australia,['Legal and Judicial Changes'] +335,Australia's Involvement in the Vietnam War,Unknown,Unknown,1962,Australia,Military Conflict,Vietnam,Marked significant military engagement abroad and sparked domestic debate and protest movements.,"Australian soldiers, civilians",Robert Menzies (Prime Minister),Mixed,Military and Conflict,Australia,"['Military and Conflict', 'International Relations and Diplomacy']" +336,Whitlam Government's Dismissal,11,November,1975,Australia,Political Crisis,Canberra,A constitutional crisis that led to the dismissal of the Whitlam government by the GovernorUnknownGeneral.,Australian citizens,"Gough Whitlam, Sir John Kerr",Negative,Political Events,Australia,"['Social and Cultural Events', 'Political Events']" +337,Port Arthur Massacre,28,April,1996,Australia,Gun Violence,"Port Arthur, Tasmania",Led to significant reforms in Australia's gun laws with the National Firearms Agreement.,Australian citizens,John Howard (Prime Minister),Positive,Political Events,Australia,"['Crisis and Emergency Response', 'Legal and Judicial Changes']" +338,Australia Act 1986,3,March,1986,Australia,Constitutional/Legal,"Canberra, London","Severed the remaining constitutional links between Australia and the United Kingdom, establishing full sovereignty.",Australian citizens,"Australian Government, British Government",Positive,Political Events,Australia,['Legal and Judicial Changes'] +339,Apology to Australia's Indigenous Peoples,13,February,2008,Australia,Political,Canberra,"The Australian government formally apologised to the Indigenous Australians for past injustices, particularly the Stolen Generations.",Indigenous Australians,Kevin Rudd (Prime Minister),Positive,Political Events,Australia,"['Political Events', 'Environmental and Health']" +340,Korean War Involvement,Unknown,Unknown,1950,Australia,Military Conflict,Korea,"Marked Australia's participation in UN forces during the Korean War, emphasizing its commitment to global security.","Australian military, Korean civilians",Australian Government,Mixed,Military and Conflict,Australia,['International Relations and Diplomacy'] +341,ANZUS Treaty Signing,1,September,1951,Australia,International Relations,San Francisco,"Established a security alliance between Australia, New Zealand, and the United States.",Australian citizens,Robert Menzies,Positive,International Relations and Diplomacy,Australia,['International Relations and Diplomacy'] +342,Vietnam War Involvement,Unknown,Unknown,1962,Australia,Military Conflict,Vietnam,Australia's involvement in Vietnam War sparked national debate and protest movements.,"Australian military, Vietnamese civilians",Australian Government,Negative,Military and Conflict,Australia,"['Military and Conflict', 'International Relations and Diplomacy']" +343,Aboriginal Land Rights Act,Unknown,Unknown,1976,Australia,Legal/Political,Northern Territory,"A landmark in Indigenous rights, allowing Aboriginal Australians to claim land rights in the Northern Territory.",Indigenous Australians,Australian Government,Positive,Legal and Judicial Changes,Australia,['Legal and Judicial Changes'] +344,Sydney Opera House Opens,20,October,1973,Australia,Cultural Infrastructure,Sydney,"Became a national icon and a major cultural hub, symbolizing Australia's architectural and artistic prowess.",Global and local visitors,Jørn Utzon,Positive,Social and Cultural Events,Australia,"['Social and Cultural Events', 'Historical and Monumental', 'Economic and Infrastructure Development']" +345,Whitlam Government Dismissal,11,November,1975,Australia,Political Crisis,Canberra,"A constitutional crisis that led to the dismissal of the Whitlam government, highlighting the power of the GovernorUnknownGeneral.",Australian citizens,"Gough Whitlam, Sir John Kerr",Negative,Political Events,Australia,"['Political Events', 'Legal and Judicial Changes']" +346,Australia Acts 1986,Unknown,Unknown,1986,Australia,Legal/Constitutional,"Australia, UK","Ended the British Parliament's ability to legislate for Australia, finalizing legal independence.",Australian citizens,Australian Government,Positive,Political Events,Australia,"['Political Events', 'Legal and Judicial Changes']" +347,Mabo Decision by the High Court,3,June,1992,Australia,Legal Land Rights,Australia,"Recognized native title in Australia, overturning the doctrine of terra nullius.",Indigenous Australians,"Eddie Mabo, High Court of Australia",Positive,Legal and Judicial Changes,Australia,['Legal and Judicial Changes'] +348,Port Arthur Massacre,28,April,1996,Australia,Gun Violence,"Port Arthur, Tasmania",Led to significant reforms in Australia's gun laws with the National Firearms Agreement.,Australian citizens,John Howard,Positive,Political Events,Australia,"['Crisis and Emergency Response', 'Legal and Judicial Changes']" +349,Sydney 2000 Summer Olympics,15,September,2000,Australia,International Sports Event,Sydney,"Showcased Australia's cultural diversity and hospitality, enhancing its global image.",Global audience,Australian Government,Positive,International Relations and Diplomacy,Australia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +350,Apology to the Stolen Generations,13,February,2008,Australia,Political,Canberra,The government formally apologized for the forced removal of Indigenous children from their families.,Indigenous Australians,Kevin Rudd,Positive,Political Events,Australia,"['Historical and Monumental', 'Political Events']" +351,Introduction of Goods and Services Tax (GST),1,July,2000,Australia,Economic Policy,Australia,"Implemented a comprehensive tax system reform, affecting consumption taxation nationwide.",Australian consumers,John Howard,Mixed,Economic and Infrastructure Development,Australia,"['Economic and Infrastructure Development', 'Political Events']" +352,SameUnknownSex Marriage Legalization,7,December,2017,Australia,Legal/Social,Australia,"Legalized sameUnknownsex marriage, marking a significant advancement in LGBTQ+ rights.",LGBTQ+ Australians,Australian Parliament,Positive,Legal and Judicial Changes,Australia,['Legal and Judicial Changes'] +353,"""Tampa"" Refugee Crisis",Unknown,August,2001,Australia,Humanitarian/Political,Indian Ocean,Sparked national and international debate on Australia's asylum seeker policies.,Asylum seekers,John Howard,Negative,Other,Australia,"['Environmental and Health', 'Legal and Judicial Changes']" +354,Black Saturday Bushfires,7,February,2009,Australia,Natural Disaster,Victoria,"One of the deadliest bushfires in Australian history, leading to significant loss of life and property.",Residents of Victoria,State Government of Victoria,Negative,Environmental and Health,Australia,['Environmental and Health'] +355,Repeal of Carbon Tax,17,July,2014,Australia,Environmental/Economic Policy,Australia,The removal of the carbon tax was a controversial environmental and economic policy change.,Australian citizens,Tony Abbott,Negative,Environmental and Health,Australia,"['Environmental and Health', 'Legal and Judicial Changes']" +356,Royal Commission into Institutional Responses...,Unknown,Unknown,2013,Australia,Legal Inquiry,Australia,"Investigated abuse in institutions, leading to widespread reforms and apologies to victims.",Abuse survivors,Australian Government,Positive,Legal and Judicial Changes,Australia,"['Political Events', 'Legal and Judicial Changes']" +357,Australia's First Female Prime Minister,24,June,2010,Australia,Political Milestone,Australia,"Julia Gillard became the first female Prime Minister, representing a historic moment in Australian politics.",Australian citizens,Julia Gillard,Positive,Other,Australia,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Political Events']" +358,Signing of the Treaty of Waitangi,6,February,1840,New Zealand,Foundational Document,Waitangi,"Established a British Governor in New Zealand, granting the Crown the right to buy land from Māori and offering Māori the rights of British subjects.","Māori, European settlers","William Hobson, Māori chiefs",Mixed,Historical and Monumental,Australia,"['Historical and Monumental', 'Legal and Judicial Changes']" +359,New Zealand Wars,Unknown,Unknown,1845,New Zealand,Military Conflict,Various locations,"A series of conflicts primarily between Colonial government forces and various Māori iwi, affecting sovereignty and land ownership.","Māori, European settlers","Various Māori iwi, British military",Negative,Military and Conflict,Australia,"['Political Events', 'Military and Conflict']" +360,Gold Rushes Begin,Unknown,Unknown,1861,New Zealand,Economic Boom,"Otago, West Coast","Sparked significant economic growth and an influx of settlers, changing the demographic and economic landscape.","European settlers, Māori",Unknown,Positive,Economic and Infrastructure Development,Australia,['Economic and Infrastructure Development'] +361,Introduction of the New Zealand Constitution Act,Unknown,Unknown,1852,New Zealand,Political Framework,Unknown,"Granted selfUnknowngovernment to New Zealand, allowing for the establishment of a central government and provincial governments.",New Zealanders,British Parliament,Positive,Political Events,Australia,['Political Events'] +362,Women's Suffrage Achieved,19,September,1893,New Zealand,Social Reform,Unknown,Made New Zealand the first selfUnknowngoverning country in the world to grant all women the right to vote in parliamentary elections.,Women in New Zealand,"Kate Sheppard, Suffragette movement",Positive,Social and Cultural Events,Australia,"['Social and Cultural Events', 'Political Events']" +363,Creation of the Welfare State,Unknown,Unknown,1938,New Zealand,Social Policy,Unknown,"Introduction of social security and welfare policies, providing support for the elderly, unemployed, and sick.",New Zealanders,"Michael Joseph Savage, Labour Government",Positive,Social and Cultural Events,Australia,"['Economic and Infrastructure Development', 'Political Events']" +364,Māori Seats Established in Parliament,Unknown,Unknown,1867,New Zealand,Political Inclusion,Unknown,"Established separate electoral representation for Māori, recognising Māori as a distinct political group.",Māori,New Zealand Government,Positive,Political Events,Australia,"['Political Events', 'Legal and Judicial Changes']" +365,Mount Tarawera Eruption,10,June,1886,New Zealand,Natural Disaster,Tarawera,"The deadliest volcanic eruption in New Zealand's history, causing significant loss of life and destruction.",Residents near Tarawera,Unknown,Negative,Environmental and Health,Australia,['Environmental and Health'] +366,Refrigerated Shipping Invented,Unknown,Unknown,1882,New Zealand,Economic Innovation,Unknown,"Enabled the export of meat and dairy products to Britain, revolutionizing New Zealand's economy.",New Zealand economy,"William Davidson, Thomas Brydone",Positive,Economic and Infrastructure Development,Australia,['Economic and Infrastructure Development'] +367,Anzac Forces Land at Gallipoli,25,April,1915,New Zealand,Military Campaign,"Gallipoli, Turkey","Marked New Zealand's significant involvement in World War I, impacting national identity and commemorations.",ANZAC soldiers,Unknown,Negative,Economic and Infrastructure Development,Australia,"['Social and Cultural Events', 'Military and Conflict']" +368,Labour Party Elected for the First Time,Unknown,Unknown,1935,New Zealand,Political Change,Unknown,"Brought the Labour Party to power, leading to significant social and economic reforms, including the creation of a welfare state.",New Zealanders,Michael Joseph Savage,Positive,Political Events,Australia,"['Social and Cultural Events', 'Political Events']" +369,Ratana Movement Political Involvement,Unknown,Unknown,1920,New Zealand,Political/Religious Movement,Unknown,The movement's alignment with the Labour Party influenced Māori political engagement and policy development.,Māori,T.W. Ratana,Positive,Social and Cultural Events,Australia,"['Social and Cultural Events', 'Political Events']" +370,Social Security Act Passed,Unknown,Unknown,1938,New Zealand,Social Welfare,Unknown,"Established a comprehensive welfare system, providing support for the elderly, unemployed, and sick.",New Zealanders,Labour Government,Positive,Social and Cultural Events,Australia,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Political Events']" +371,New Zealand Expeditionary Force in WWII,Unknown,Unknown,1939,New Zealand,Military Conflict,"Europe, Pacific","Significant contribution to the Allied forces during World War II, affecting thousands of New Zealanders.","Military personnel, civilians",New Zealand Government,Mixed,Military and Conflict,Australia,"['Military and Conflict', 'Environmental and Health']" +372,National Party Founded,Unknown,Unknown,1936,New Zealand,Political Party Formation,Unknown,"The founding of the National Party, becoming a major political force and alternative to the Labour Party.",New Zealanders,Adam Hamilton,Positive,Social and Cultural Events,Australia,"['Social and Cultural Events', 'Political Events']" +373,State Housing Introduced,Unknown,Unknown,1937,New Zealand,Housing Policy,Unknown,"Initiated a government program to provide quality public housing, improving living standards for many.",LowUnknownincome families,Labour Government,Positive,Political Events,Australia,"['Political Events', 'Legal and Judicial Changes']" +374,Waitangi Day Established,Unknown,Unknown,1934,New Zealand,National Commemoration,Waitangi,"Commemorated the signing of the Treaty of Waitangi, though it didn't become a public holiday until later.",New Zealanders,New Zealand Government,Positive,Social and Cultural Events,Australia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +375,1st Labour Government Elected,Unknown,Unknown,1935,New Zealand,Election,Unknown,"The Labour Party's election led to significant social and economic reforms, including the establishment of a welfare state.",New Zealanders,Michael Joseph Savage,Positive,Social and Cultural Events,Australia,"['Economic and Infrastructure Development', 'Political Events']" +376,Compulsory Military Training Introduced,Unknown,Unknown,1949,New Zealand,Defense Policy,Unknown,"Aimed to prepare the population for potential military conflicts, reflecting the global tensions of the time.",Young male citizens,New Zealand Government,Mixed,Political Events,Australia,"['Military and Conflict', 'International Relations and Diplomacy']" +377,Construction of Auckland Harbour Bridge,Unknown,Unknown,1950,New Zealand,Infrastructure Development,Auckland,"Improved transportation between Auckland city and the North Shore, contributing to the city's expansion.",Auckland residents,New Zealand Government,Positive,Economic and Infrastructure Development,Australia,"['Economic and Infrastructure Development', 'Environmental and Health']" +378,Treaty of Waitangi Act 1975,Unknown,Unknown,1975,New Zealand,Legal/Political,New Zealand,"Established the Waitangi Tribunal to address breaches of the Treaty, acknowledging Māori grievances over land and rights.","Māori, New Zealanders",New Zealand Government,Positive,Legal and Judicial Changes,Australia,['Legal and Judicial Changes'] +379,ANZUS Treaty Suspension,Unknown,Unknown,1986,New Zealand,International Relations,New Zealand,"New Zealand's antiUnknownnuclear stance led to a suspension from the ANZUS security treaty, affirming its nuclearUnknownfree policy.",New Zealanders,David Lange,Positive,International Relations and Diplomacy,Australia,"['Political Events', 'International Relations and Diplomacy']" +380,Introduction of Nuclear Free Zone,8,June,1987,New Zealand,Policy/Legislation,New Zealand,"Legislated New Zealand as a nuclearUnknownfree zone, prohibiting nuclear weapons and power plants within the country.",New Zealanders,New Zealand Government,Positive,Political Events,Australia,"['Political Events', 'International Relations and Diplomacy']" +381,Homosexual Law Reform Act,9,July,1986,New Zealand,Social Policy,New Zealand,"Decriminalized homosexuality, marking a significant step towards LGBTQ+ rights in New Zealand.","LGBTQ+ Community, New Zealanders",New Zealand Government,Positive,Social and Cultural Events,Australia,"['Social and Cultural Events', 'Legal and Judicial Changes']" +382,Rogernomics Initiatives Begin,Unknown,Unknown,1984,New Zealand,Economic Policy,New Zealand,"Economic reforms aimed at liberalizing the economy, introducing freeUnknownmarket policies.",New Zealanders,Roger Douglas,Mixed,Economic and Infrastructure Development,Australia,['Economic and Infrastructure Development'] +383,Resource Management Act Enacted,Unknown,Unknown,1991,New Zealand,Environmental Legislation,New Zealand,"Provided a framework for managing New Zealand's natural and physical resources, emphasizing sustainability.",New Zealanders,New Zealand Government,Positive,Political Events,Australia,"['Economic and Infrastructure Development', 'Legal and Judicial Changes']" +384,1981 Springbok Tour Protests,Unknown,Unknown,1981,New Zealand,Social Unrest,New Zealand,AntiUnknownapartheid protests against the South African rugby team's tour highlighted civil rights and antiUnknownracism issues.,"Protesters, rugby fans",AntiUnknownApartheid Movements,Mixed,Political Events,Australia,"['Social and Cultural Events', 'Political Events']" +385,Waitangi Tribunal Established,Unknown,Unknown,1975,New Zealand,Judicial/Political,New Zealand,"Investigated historical breaches of the Treaty of Waitangi, offering a legal avenue for Māori to seek redress.",Māori,New Zealand Government,Positive,Legal and Judicial Changes,Australia,['Legal and Judicial Changes'] +386,2011 Christchurch Earthquake,22,February,2011,New Zealand,Natural Disaster,Christchurch,"A devastating earthquake that caused significant loss of life and damage, impacting the nation's resilience and urban planning.","Christchurch residents, New Zealanders",Unknown,Negative,Environmental and Health,Australia,['Environmental and Health'] +387,Foreshore and Seabed Controversy,Unknown,Unknown,2004,New Zealand,Legal/Political,New Zealand,"Sparked debate over Māori customary rights to the foreshore and seabed, leading to political and legal reform.","Māori, New Zealanders",New Zealand Government,Mixed,Legal and Judicial Changes,Australia,"['Political Events', 'Legal and Judicial Changes']" +388,New Zealand's First Female Prime Minister,5,December,1997,New Zealand,Political Milestone,New Zealand,"Jenny Shipley became the first female Prime Minister, marking a significant moment in New Zealand's political history.",New Zealanders,Jenny Shipley,Positive,Other,Australia,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Political Events']" +389,AntiUnknownNuclear Legislation Enacted,Unknown,Unknown,1987,New Zealand,Environmental Policy,New Zealand,"Cemented New Zealand's stance on remaining nuclearUnknownfree, influencing international relations and environmental policy.",New Zealanders,New Zealand Government,Positive,Environmental and Health,Australia,"['Political Events', 'Legal and Judicial Changes']" +390,Auckland Harbour Bridge Protests,Unknown,Unknown,1975,New Zealand,Civil Rights,Auckland,Highlighted land rights issues and led to significant Māori activism against government policies on land and sovereignty.,"Māori, activists",Māori Activists,Positive,Political Events,Australia,"['Political Events', 'Legal and Judicial Changes']" +391,MMP Electoral System Introduced,Unknown,Unknown,1993,New Zealand,Electoral Reform,New Zealand,"Changed the electoral system to Mixed Member Proportional, aiming for fairer representation in Parliament.",New Zealand voters,New Zealand Government,Positive,Political Events,Australia,"['Political Events', 'Legal and Judicial Changes']" +392,New Zealand Signs Kyoto Protocol,Unknown,Unknown,1998,New Zealand,International Agreement,"Kyoto, Japan","Committed New Zealand to reducing greenhouse gas emissions, aligning with global efforts to combat climate change.",New Zealanders,New Zealand Government,Positive,International Relations and Diplomacy,Australia,"['International Relations and Diplomacy', 'Environmental and Health']" +393,1987 New Zealand Constitution Act,Unknown,Unknown,1987,New Zealand,Constitutional Reform,New Zealand,"Established the legal sovereignty of the New Zealand Parliament, removing the ability of the UK Parliament to legislate for New Zealand.",New Zealanders,New Zealand Government,Positive,Political Events,Australia,['Legal and Judicial Changes'] +394,New Zealand Bill of Rights Act,Unknown,Unknown,1990,New Zealand,Legal Framework,New Zealand,"Affirmed rights and freedoms in New Zealand law, providing comprehensive protection of human rights.",New Zealanders,New Zealand Government,Positive,Legal and Judicial Changes,Australia,['Legal and Judicial Changes'] +395,Formation of the Māori Party,Unknown,Unknown,2004,New Zealand,Political Development,New Zealand,"Established to represent Māori interests in Parliament, emphasizing indigenous rights and perspectives.","Māori, political observers",Māori Leaders,Positive,Political Events,Australia,"['Social and Cultural Events', 'Political Events']" +396,Recognition of the Māori Language,Unknown,Unknown,1987,New Zealand,Cultural/Legal,New Zealand,"Made Te Reo Māori an official language of New Zealand, recognizing the cultural heritage and rights of Māori.","Māori, New Zealanders",New Zealand Government,Positive,Political Events,Australia,"['Historical and Monumental', 'Legal and Judicial Changes']" +397,Decriminalization of Homosexuality,Unknown,Unknown,1986,New Zealand,Social Policy,New Zealand,"Decriminalized homosexual acts between consenting adults, marking progress in LGBTQ+ rights.","LGBTQ+ Community, New Zealanders",New Zealand Government,Positive,Social and Cultural Events,Australia,['Legal and Judicial Changes'] +398,Establishment of Goryeo Dynasty,Unknown,Unknown,918,Korea,Dynastic Founding,Korean Peninsula,"Unified the Later Three Kingdoms, laying the groundwork for a unified Korean identity and culture.",Korean people,King Taejo,Positive,Social and Cultural Events,Asia,['Historical and Monumental'] +399,Mongol Invasions of Korea,Unknown,Unknown,1231,Korea,Military Invasion,Korean Peninsula,"Led to Goryeo becoming a semiUnknownautonomous vassal state of the Mongol Empire, impacting Korean sovereignty.",Korean people,Mongol Empire,Negative,Military and Conflict,Asia,"['Political Events', 'Military and Conflict']" +400,Establishment of Joseon Dynasty,Unknown,Unknown,1392,Korea,Dynastic Founding,Korean Peninsula,"Marked the beginning of a dynasty that would last for five centuries, emphasizing Confucianism and centralizing royal power.",Korean people,King Taejo of Joseon,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Political Events']" +401,Japanese Invasions of Korea (Imjin War),Unknown,Unknown,1592,Korea,Military Conflict,Korean Peninsula,"A devastating conflict that led to significant loss of life and cultural treasures, but also showcased Korean resilience.",Korean people,"Toyotomi Hideyoshi, Admiral Yi SunUnknownsin",Mixed,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +402,Manchu Invasions of Korea,Unknown,Unknown,1627,Korea,Military Invasion,Korean Peninsula,"Forced Korea into becoming a tributary state of the Qing Dynasty, impacting Korean foreign relations.",Korean people,Qing Dynasty,Negative,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +403,The Gabo Reform,Unknown,Unknown,1894,Korea,Political/Social Reform,Korean Peninsula,"A series of reforms aimed at modernizing Korea's government and social structures, influenced by foreign powers.",Korean people,King Gojong,Mixed,Political Events,Asia,['Political Events'] +404,Assassination of Empress Myeongseong,8,October,1895,Korea,Political Assassination,Gyeongbokgung Palace,The JapaneseUnknownorchestrated assassination heightened Korean resentment towards Japan and destabilized the court.,"Korean royal family, citizens",Japanese agents,Negative,Political Events,Asia,"['Political Events', 'Crisis and Emergency Response']" +405,Korean Empire Proclaimed,12,October,1897,Korea,Political Change,Korean Peninsula,"King Gojong declared the Korean Empire, asserting independence amidst increasing foreign intervention.",Korean people,Emperor Gojong,Positive,Political Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +406,RussoUnknownJapanese War,Unknown,Unknown,1904,Korea,International Conflict,"Korean Peninsula, Manchuria","Impacted Korea's sovereignty as Japan and Russia vied for dominance in the region, leading to Korea becoming a protectorate of Japan.",Korean people,"Japan, Russia",Negative,Social and Cultural Events,Asia,['Military and Conflict'] +407,JapanUnknownKorea Annexation Treaty,22,August,1910,Korea,Annexation,Korean Peninsula,"Officially annexed Korea to Japan, ending the Korean Empire and beginning a period of Japanese colonial rule.",Korean people,Imperial Japan,Negative,Political Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +408,March 1st Movement,1,March,1919,Korea,Independence Movement,Korean Peninsula,"A nationwide peaceful protest against Japanese colonial rule, pivotal in the Korean independence movement.",Korean people,Korean activists,Mixed,Military and Conflict,Asia,"['Social and Cultural Events', 'Political Events']" +409,Establishment of the Provisional Government,11,April,1919,Korea,Exile Government Formation,"Shanghai, China","Formed by Korean exiles, it acted as the de facto Korean governmentUnknowninUnknownexile opposing Japanese rule.",Korean people,Korean independence activists,Positive,Political Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +410,Korean Liberation,15,August,1945,Korea,End of Colonial Rule,Korean Peninsula,Marked the end of Japanese colonial rule in Korea following Japan's surrender in WWII.,Korean people,Allied Powers,Positive,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +411,Division of Korea,Unknown,Unknown,1945,Korea,Geopolitical Division,38th Parallel North,"Korea was divided into North and South along the 38th parallel, laying the groundwork for future conflict.",Korean people,"United States, Soviet Union",Negative,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +412,Establishment of the Republic of Korea,15,August,1948,South Korea,State Establishment,Seoul,Official establishment of South Korea as an independent nation following the division.,South Koreans,Syngman Rhee,Positive,Political Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +413,Establishment of the Democratic People's Republic of Korea,9,September,1948,North Korea,State Establishment,Pyongyang,"Official establishment of North Korea as a separate state, consolidating the division of Korea.",North Koreans,Kim IlUnknownsung,Negative,Political Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +414,Jeju Uprising,Unknown,Unknown,1948,South Korea,Social Unrest,Jeju Island,"A violent suppression of a rebellion, leading to significant loss of life and highlighting postUnknownliberation tensions.",Jeju Island residents,South Korean Government,Negative,Political Events,Asia,"['Political Events', 'Military and Conflict']" +415,Korean War,25,June,1950,Korea,Military Conflict,Korean Peninsula,"An armed conflict between North and South Korea, with significant international involvement, further solidifying the division.","Korean people, international forces","North Korea, South Korea, UN, China, US",Negative,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +416,US Military Government in South Korea,Unknown,Unknown,1945,South Korea,Military Occupation,South Korea,"The US established a military government in South Korea postUnknownliberation, influencing its political development.",South Koreans,United States,Mixed,Military and Conflict,Asia,"['Political Events', 'International Relations and Diplomacy']" +417,Soviet Occupation of North Korea,Unknown,Unknown,1945,North Korea,Military Occupation,North Korea,"The Soviet Union established a military government in North Korea, shaping its socialist structure.",North Koreans,Soviet Union,Mixed,Military and Conflict,Asia,"['Political Events', 'Military and Conflict']" +418,Korean War,25,June,1950,North Korea,Military Conflict,Korean Peninsula,"Initiated the Korean War with the invasion of South Korea, leading to a prolonged conflict and division.",Korean people,Kim IlUnknownsung,Mixed,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +419,Armistice Agreement,27,July,1953,North Korea,Ceasefire,Panmunjom,"Ended active hostilities in the Korean War without a formal peace treaty, creating the DMZ.",Korean people,Korean War belligerents,Positive,Military and Conflict,Asia,['International Relations and Diplomacy'] +420,Establishment of the Juche Ideology,Unknown,Unknown,1955,North Korea,Political Ideology,Pyongyang,"Formalized Kim IlUnknownsung’s Juche ideology, emphasizing selfUnknownreliance and independence in all state matters.",North Korean citizens,Kim IlUnknownsung,Mixed,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +421,Pueblo Incident,23,January,1968,North Korea,Military/Political Incident,Sea of Japan,"The capture of the USS Pueblo, escalating tensions with the United States.","US Navy crew, North Koreans",Kim IlUnknownsung,Negative,Other,Asia,"['Social and Cultural Events', 'Military and Conflict']" +422,Kim IlUnknownsung’s Death,8,July,1994,North Korea,Political,Pyongyang,Marked the end of Kim IlUnknownsung’s era and the beginning of Kim JongUnknownil’s leadership.,North Korean citizens,Unknown,Negative,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +423,North Korea's First Nuclear Test,9,October,2006,North Korea,Nuclear Test,Kilju County,"North Korea's first successful nuclear test, significantly impacting international relations and security dynamics.",International community,Kim JongUnknownil,Negative,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +424,April Revolution,19,April,1960,South Korea,Political Uprising,Seoul,Led to the resignation of President Syngman Rhee and the establishment of a more democratic government structure.,South Korean citizens,"Student protesters, general public",Positive,Political Events,Asia,['Political Events'] +425,May 16 Coup,16,May,1961,South Korea,Military Coup,Seoul,"Military coup led by Park ChungUnknownhee, resulting in economic development but also authoritarian rule.",South Korean citizens,Park ChungUnknownhee,Positive,Political Events,Asia,['Political Events'] +426,Gwangju Uprising,18,May,1980,South Korea,Democratic Uprising,Gwangju,"A mass uprising against the military government, leading to civilian massacres and a call for democratic reforms.",Gwangju residents,"Chun DooUnknownhwan, democratic activists",Positive,Political Events,Asia,['Political Events'] +427,Seoul Olympics,17,September,1988,South Korea,International Sports Event,Seoul,Showcased South Korea's emergence on the world stage and contributed to its global cultural and economic presence.,International audience,Roh TaeUnknownwoo,Positive,International Relations and Diplomacy,Asia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +428,Kim DaeUnknownjung’s Sunshine Policy,Unknown,Unknown,1990,South Korea,Diplomatic Policy,Korean Peninsula,"A policy of engagement with North Korea, leading to a brief period of improved interUnknownKorean relations.",Koreans,Kim DaeUnknownjung,Positive,Political Events,Asia,['International Relations and Diplomacy'] +429,2002 FIFA World Cup,31,May,2002,South Korea,International Sports Event,"South Korea, Japan","CoUnknownhosted with Japan, this event marked South Korea's significant presence in international sports.",Global audience,"FIFA, South Korea, Japan",Positive,International Relations and Diplomacy,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +430,Impeachment of President Roh MooUnknownhyun,12,March,2004,South Korea,Political,Seoul,"Roh's impeachment for alleged election law violations, highlighting South Korea's political volatility.",South Korean citizens,South Korean National Assembly,Mixed,Political Events,Asia,"['Political Events', 'Military and Conflict']" +431,THAAD Deployment Controversy,Unknown,Unknown,2017,South Korea,Military/Political,Seongju County,"Deployment of the US THAAD missile defense system, sparking domestic protests and tensions with China.","South Korean citizens, China","Moon JaeUnknownin, US government",Negative,Other,Asia,"['Political Events', 'International Relations and Diplomacy']" +432,2018 InterUnknownKorean Summit,27,April,2018,South Korea,Diplomatic,Panmunjom,"Leaders of North and South Korea met for talks, renewing hopes for peace and denuclearization on the peninsula.",Koreans,"Moon JaeUnknownin, Kim JongUnknownun",Positive,International Relations and Diplomacy,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +433,Second Nuclear Test,25,May,2009,North Korea,Nuclear Test,North Korea,"Escalated tensions with the international community, underlining North Korea's commitment to its nuclear program.",International community,Kim JongUnknownil,Negative,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +434,Death of Kim JongUnknownil,17,December,2011,North Korea,Leadership Change,Pyongyang,Marked the end of Kim JongUnknownil's era and the beginning of Kim JongUnknownun's rule.,North Korean citizens,Unknown,Mixed,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +435,Kim JongUnknownun Assumes Power,Unknown,Unknown,2012,North Korea,Political,North Korea,"Initiated a new leadership era, with a focus on nuclear development and economic improvement.",North Korean citizens,Kim JongUnknownun,Mixed,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +436,Battle of Điện Biên Phủ,7,May,1954,Vietnam,Military Siege,Điện Biên Phủ,"Decisive victory against French forces, leading to the end of French Indochina and the Geneva Accords.","Vietnamese, French forces",Võ Nguyên Giáp,Positive,Military and Conflict,Asia,"['Social and Cultural Events', 'Military and Conflict']" +437,Geneva Accords,21,July,1954,Vietnam,Diplomatic Agreement,Geneva,"Temporarily divided Vietnam at the 17th parallel, setting the stage for conflict between North and South Vietnam.",Vietnamese people,International community,Mixed,International Relations and Diplomacy,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +438,Establishment of the National Liberation Front,Unknown,Unknown,1960,Vietnam,Political/Military Organization,South Vietnam,"Formed to fight against the South Vietnamese government and the US, aiming for reunification.","South Vietnamese, Viet Cong",North Vietnam,Mixed,Political Events,Asia,['Political Events'] +439,Gulf of Tonkin Incident,2,August,1964,Vietnam,Military Engagement,Gulf of Tonkin,"Led to US Congress passing the Gulf of Tonkin Resolution, escalating American involvement in the Vietnam War.","Vietnamese, US military",US Government,Negative,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +440,Tết Offensive,30,January,1968,Vietnam,Military Offensive,South Vietnam,"A major campaign by North Vietnamese forces, marking a turning point in public perception of the Vietnam War.","Vietnamese, US civilians","North Vietnamese Army, Viet Cong",Mixed,Political Events,Asia,"['Political Events', 'Military and Conflict']" +441,Paris Peace Accords,27,January,1973,Vietnam,Diplomatic Agreement,Paris,"Led to a ceasefire and the withdrawal of US troops from Vietnam, although fighting between North and South continued.","Vietnamese, US military","US Government, North Vietnam",Mixed,International Relations and Diplomacy,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +442,Fall of Saigon,30,April,1975,Vietnam,Military/Political Event,Saigon,Marked the end of the Vietnam War and the beginning of reunification under the Socialist Republic of Vietnam.,"South Vietnamese, North Vietnamese",North Vietnamese Army,Positive,Military and Conflict,Asia,"['Political Events', 'Military and Conflict']" +443,Reunification of Vietnam,2,July,1976,Vietnam,Political,Vietnam,"Officially reunified North and South Vietnam under a communist government, renaming Saigon to Ho Chi Minh City.",Vietnamese people,Socialist Republic of Vietnam,Positive,Political Events,Asia,"['Historical and Monumental', 'International Relations and Diplomacy']" +446,Normalization of USUnknownVietnam Relations,11,July,1995,Vietnam,Diplomatic,"Vietnam, US","Marked the normalization of relations between Vietnam and the US, including the opening of diplomatic and economic ties.","Vietnamese, Americans","Bill Clinton, Vietnamese Government",Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +447,Vietnam Joins ASEAN,28,July,1995,Vietnam,International Integration,Southeast Asia,"Vietnam's accession to ASEAN, enhancing regional cooperation and integration.",Vietnamese people,"ASEAN, Vietnamese Government",Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +448,Vietnam Joins the World Trade Organization,11,January,2007,Vietnam,International Trade Membership,Geneva,"Marked Vietnam's deeper integration into the global economy, promoting trade and investment.",Vietnamese economy,"WTO, Vietnamese Government",Positive,Political Events,Asia,['International Relations and Diplomacy'] +449,1000th Anniversary of Hanoi,10,October,2010,Vietnam,Cultural Celebration,Hanoi,"Celebrated the founding of the city, emphasizing Vietnam's rich history and cultural heritage.",Vietnamese people,Government of Vietnam,Positive,Other,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +450,Vietnam Hosts APEC Summit,6,November,2017,Vietnam,International Summit,Da Nang,"Hosted leaders from the AsiaUnknownPacific region, showcasing Vietnam's role on the international stage.","Global leaders, Vietnamese people",Government of Vietnam,Positive,International Relations and Diplomacy,Asia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +451,"Resolution on ""Vietnam's Marine Strategy to 2020""",Unknown,Unknown,2007,Vietnam,Environmental/Economic Policy,Vietnam,"Aimed at sustainable development of marine resources, highlighting Vietnam's commitment to environmental preservation and economic growth.",Vietnamese people,Communist Party of Vietnam,Positive,Environmental and Health,Asia,"['International Relations and Diplomacy', 'Environmental and Health']" +452,Vietnam's First Communication Satellite,19,April,2008,Vietnam,Technological Advancement,Space,"Launched VINASATUnknown1, marking Vietnam's entry into the space age and enhancing communication capabilities.",Vietnamese people,Government of Vietnam,Positive,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +453,Historic US Presidential Visit to Vietnam,21,May,2016,Vietnam,Diplomatic,"Hanoi, Ho Chi Minh City",Barack Obama's visit underscored the continued improvement of USUnknownVietnam relations postUnknownnormalization.,"Vietnamese, Americans","Barack Obama, Vietnamese Government",Positive,International Relations and Diplomacy,Asia,"['Historical and Monumental', 'International Relations and Diplomacy']" +454,COVIDUnknown19 Pandemic Response,Unknown,Unknown,2020,Vietnam,Health Crisis,Vietnam,Vietnam's effective early response to the COVIDUnknown19 pandemic was internationally praised for its efficiency.,Vietnamese people,Vietnamese Government,Positive,Environmental and Health,Asia,"['Environmental and Health', 'Social and Civil Rights']" +455,Typhoon Damrey Strikes Vietnam,4,November,2017,Vietnam,Natural Disaster,Vietnam,"One of the deadliest typhoons to hit Vietnam in decades, causing significant damage and loss of life.",Residents of affected areas,Unknown,Negative,Environmental and Health,Asia,['Environmental and Health'] +456,Establishment of Đại Việt,Unknown,Unknown,968,Vietnam,State Formation,Northern Vietnam,"Unified the nation under a centralized monarchy, laying the groundwork for Vietnamese identity and sovereignty.",Vietnamese people,Đinh Bộ Lĩnh,Positive,Social and Cultural Events,Asia,['Political Events'] +457,Lý Dynasty Founded,Unknown,Unknown,1009,Vietnam,Dynastic Founding,Hanoi,"Marked the beginning of a stable and prosperous era, with significant developments in culture, education, and governance.",Vietnamese people,Lý Thái Tổ,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Political Events']" +458,Trần Dynasty Defeats Mongol Invasions,Unknown,Unknown,1258,Vietnam,Military Defense,Northern Vietnam,"Successfully repelled three major Mongol invasions, preserving Vietnamese independence and cultural integrity.",Vietnamese people,Trần Hưng Đạo,Positive,Other,Asia,"['Historical and Monumental', 'Military and Conflict']" +459,Hồ Dynasty's Adoption of NeoUnknownConfucianism,Unknown,Unknown,1400,Vietnam,Cultural Shift,Vietnam,"Marked a shift towards NeoUnknownConfucianism, influencing Vietnamese society, politics, and education.",Vietnamese people,Hồ Quý Ly,Mixed,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +460,Lê Dynasty Restoration,Unknown,Unknown,1428,Vietnam,Dynastic Restoration,Vietnam,Restored national unity and promoted cultural and economic development after a period of division and conflict.,Vietnamese people,Lê Lợi,Positive,Other,Asia,['Social and Cultural Events'] +461,Nguyễn Dynasty's Expansion Southwards,Unknown,Unknown,1650,Vietnam,Territorial Expansion,Southern Vietnam,"Completed the territorial unification of modern Vietnam, extending control over the Mekong Delta.","Vietnamese people, Khmer people",Nguyễn lords,Positive,Economic and Infrastructure Development,Asia,"['Historical and Monumental', 'International Relations and Diplomacy']" +462,Tay Son Rebellion,Unknown,Unknown,1771,Vietnam,Rebellion,Central Vietnam,"A peasant uprising that temporarily overthrew the feudal lords, leading to significant social and political changes.",Vietnamese people,Nguyễn Huệ,Mixed,Military and Conflict,Asia,"['Political Events', 'Military and Conflict']" +463,Gia Long Becomes Emperor,Unknown,Unknown,1802,Vietnam,Political Consolidation,Vietnam,"Unified Vietnam under the Nguyễn Dynasty, establishing a centralized monarchy with Hue as the capital.",Vietnamese people,Emperor Gia Long,Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +464,French Colonization Begins,Unknown,Unknown,1858,Vietnam,Colonial Occupation,Southern Vietnam,"Marked the beginning of nearly a century of French colonial rule, significantly impacting Vietnamese society.",Vietnamese people,Napoleon III,Negative,Political Events,Asia,"['Social and Cultural Events', 'Military and Conflict']" +466,Hanoi Poison Plot,Unknown,Unknown,1908,Vietnam,Assassination Attempt,Hanoi,"A failed attempt to poison the French colonial garrison in Hanoi, highlighting resistance to French rule.","French officials, Vietnamese rebels",Vietnamese revolutionaries,Negative,Political Events,Asia,"['Military and Conflict', 'Crisis and Emergency Response']" +467,Founding of the Vietnamese Nationalist Party,Unknown,Unknown,1927,Vietnam,Political Movement,Vietnam,Sought to achieve independence from French colonial rule through political means and armed resistance.,Vietnamese nationalists,Nguyễn Thái Học,Mixed,Political Events,Asia,['Political Events'] +468,Yên Bái Mutiny,Unknown,Unknown,1930,Vietnam,Armed Rebellion,Yên Bái,An armed revolt against the French colonial authorities by Vietnamese soldiers and civilians.,"Vietnamese soldiers, civilians",Vietnamese Nationalist Party,Mixed,Political Events,Asia,"['Political Events', 'Military and Conflict']" +469,Establishment of the Indochinese Communist Party,3,February,1930,Vietnam,Political Party Formation,Hong Kong,"Founded by Hồ Chí Minh to lead the struggle for independence, merging nationalist and communist ideologies.",Vietnamese people,Hồ Chí Minh,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Political Events']" +470,Japanese Occupation of Vietnam,Unknown,Unknown,1940,Vietnam,Military Occupation,Vietnam,"Japan occupied Vietnam during WWII, weakening French control and contributing to Vietnam's push for independence.",Vietnamese people,Imperial Japan,Mixed,Military and Conflict,Asia,['Military and Conflict'] +471,August Revolution,14,August,1945,Vietnam,Independence Movement,Vietnam,Led to the declaration of Vietnam's independence from France and the establishment of the Democratic Republic of Vietnam.,Vietnamese people,"Hồ Chí Minh, Việt Minh",Positive,Military and Conflict,Asia,['Political Events'] +472,Declaration of Independence,2,September,1945,Vietnam,Declaration of Independence,"Ba Đình Square, Hanoi","Hồ Chí Minh declared Vietnam's independence, founding the Democratic Republic of Vietnam.",Vietnamese people,Hồ Chí Minh,Positive,Political Events,Asia,"['Political Events', 'International Relations and Diplomacy']" +473,First Indochina War Begins,19,December,1946,Vietnam,Military Conflict,Northern Vietnam,"A conflict between the Việt Minh forces and the French aiming to reclaim colonial control, leading to widespread resistance.",Vietnamese people,"Việt Minh, French Colonial Forces",Negative,Military and Conflict,Asia,['Military and Conflict'] +474,Battle of Điện Biên Phủ,Unknown,Unknown,1954,Vietnam,Military Siege,Điện Biên Phủ,A decisive battle that ended French colonial rule in Vietnam (Note: Culmination beyond the 1950 cutoff).,"Vietnamese, French soldiers","Võ Nguyên Giáp, French Army",Positive,Military and Conflict,Asia,['Military and Conflict'] +475,Formation of the Viet Minh,Unknown,Unknown,1941,Vietnam,Resistance Movement,Vietnam,"Organized to resist both French colonial rule and Japanese occupation, playing a pivotal role in the independence movement.",Vietnamese people,Hồ Chí Minh,Mixed,Political Events,Asia,['Military and Conflict'] +476,First Saudi State Established,Unknown,Unknown,1744,Saudi Arabia,State Formation,Diriyah,"Marked the beginning of Saudi rule in the Arabian Peninsula, establishing a political entity based on Wahhabism.",Arabian Peninsula,"Muhammad ibn Saud, Muhammad ibn Abd alUnknownWahhab",Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Political Events']" +477,Destruction of the First Saudi State,Unknown,Unknown,1818,Saudi Arabia,Military Defeat,Diriyah,"The First Saudi State was destroyed by the Ottoman Empire, leading to a temporary loss of power for the Saud family.",Arabian Peninsula,Ottoman Empire,Negative,Political Events,Asia,"['Political Events', 'Military and Conflict']" +478,Establishment of the Second Saudi State,Unknown,Unknown,1824,Saudi Arabia,State Formation,Najd,"Following the fall of the First Saudi State, the Saud family regained power, leading to the establishment of the Second Saudi State.",Arabian Peninsula,Turki ibn Abdullah ibn Muhammad,Positive,Social and Cultural Events,Asia,"['Political Events', 'Military and Conflict']" +479,Annexation of Hejaz,Unknown,Unknown,1925,Saudi Arabia,Territorial Expansion,Hejaz,The conquest of Hejaz was a significant territorial expansion that included the holy cities of Mecca and Medina.,Hejaz,Abdulaziz Ibn Saud,Positive,Economic and Infrastructure Development,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +480,Ikhwan Revolt,Unknown,Unknown,1929,Saudi Arabia,Rebellion,"Najd, Hejaz","The Ikhwan, initially allies of Ibn Saud, revolted against his rule due to disagreements over modernization and control.",Arabian Peninsula,"Ikhwan, Abdulaziz Ibn Saud",Mixed,Military and Conflict,Asia,"['Political Events', 'Military and Conflict']" +481,Treaty of Jeddah,Unknown,Unknown,1927,Saudi Arabia,Diplomatic Agreement,Jeddah,This treaty between Ibn Saud and the United Kingdom recognized the sovereignty of the Kingdom of Hejaz and Najd.,"Arabian Peninsula, UK","Abdulaziz Ibn Saud, United Kingdom",Positive,International Relations and Diplomacy,Asia,"['International Relations and Diplomacy', 'Legal and Judicial Changes']" +482,Discovery of Oil,3,March,1938,Saudi Arabia,Economic Development,Dammam,The discovery of oil transformed the economy of Saudi Arabia and its role in international affairs.,Saudi Arabia,Saudi Aramco,Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +483,Founding of Saudi Aramco,Unknown,Unknown,1933,Saudi Arabia,Economic Development,Dhahran,The creation of the Arabian American Oil Company (Aramco) marked the beginning of oil exploration and production.,Saudi Arabia,"Saudi Government, American oil companies",Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +484,Establishment of the Kingdom of Saudi Arabia,23,September,1932,Saudi Arabia,Political Unification,Saudi Arabia,"Abdulaziz Ibn Saud unified the regions into a single kingdom, solidifying his rule over the modern state of Saudi Arabia.",Arabian Peninsula,Abdulaziz Ibn Saud,Positive,Political Events,Asia,"['Historical and Monumental', 'Political Events']" +485,SaudiUnknownYemeni War,Unknown,Unknown,1934,Saudi Arabia,Military Conflict,Yemen border,"Conflict with Yemen resulted in the Treaty of Taif, which defined the SaudiUnknownYemeni border and expanded Saudi territory.","Saudi Arabia, Yemen",Abdulaziz Ibn Saud,Mixed,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +486,Introduction of Modern Education,Unknown,Unknown,1926,Saudi Arabia,Social Reform,Mecca,Establishment of the first formal school in Mecca signified the beginning of modern public education in Saudi Arabia.,Saudi Arabian citizens,Abdulaziz Ibn Saud,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Political Events']" +487,Establishment of Sharia Law,Unknown,Unknown,1927,Saudi Arabia,Legal System Implementation,Saudi Arabia,"Formalized the legal system based on Islamic law, shaping the judicial and societal norms of the country.",Saudi Arabian citizens,Abdulaziz Ibn Saud,Positive,Legal and Judicial Changes,Asia,['Legal and Judicial Changes'] +488,Creation of the Saudi Riyal,Unknown,Unknown,1928,Saudi Arabia,Economic Policy,Saudi Arabia,The introduction of the Saudi Riyal as the country's currency facilitated economic stability and trade.,Saudi Arabian citizens,Abdulaziz Ibn Saud,Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +489,Formation of the Saudi Arabian National Guard,Unknown,Unknown,1912,Saudi Arabia,Military Organization,Riyadh,"Created to protect the dynasty and maintain internal security, playing a key role in the kingdom's stability.",Saudi Arabian citizens,Abdulaziz Ibn Saud,Positive,Other,Asia,"['Political Events', 'Military and Conflict']" +490,Treaty of Taif,Unknown,Unknown,1934,Saudi Arabia,Diplomatic Agreement,Taif,The treaty with Yemen following the SaudiUnknownYemeni War confirmed Saudi territorial gains and defined borders.,"Saudi Arabia, Yemen",Abdulaziz Ibn Saud,Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +491,Participation in the ArabUnknownIsraeli War,Unknown,Unknown,1948,Saudi Arabia,Military Conflict,Middle East,Saudi Arabia's involvement highlighted its role in regional Arab politics and the Palestinian issue.,Middle East,Abdulaziz Ibn Saud,Mixed,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +492,Construction of the TransUnknownArabian Pipeline,Unknown,Unknown,1947,Saudi Arabia,Economic Development,Eastern Province,"Facilitated the transport of Saudi oil to the Mediterranean, significantly boosting the kingdom's oil exports.",Saudi Arabia,Saudi Aramco,Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +493,Founding Member of the Arab League,Unknown,Unknown,1945,Saudi Arabia,International Cooperation,Cairo,Saudi Arabia's participation in the Arab League emphasized its commitment to Arab solidarity and regional issues.,Arab states,Abdulaziz Ibn Saud,Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +494,Establishment of King Abdulaziz University,Unknown,Unknown,1949,Saudi Arabia,Educational Development,Jeddah,Signified a commitment to higher education and the development of a skilled workforce in the kingdom.,Saudi Arabian citizens,Abdulaziz Ibn Saud,Positive,Technological and Scientific Advancements,Asia,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +495,Saudi Recognition of Pakistan,Unknown,Unknown,1947,Saudi Arabia,Diplomatic Recognition,Pakistan,Early recognition of Pakistan fostered strong bilateral relations based on shared Islamic heritage and mutual interests.,"Saudi Arabia, Pakistan",Abdulaziz Ibn Saud,Positive,Political Events,Asia,"['Historical and Monumental', 'International Relations and Diplomacy']" +496,Saudi Arabia Becomes a Member of the UN,24,October,1945,Saudi Arabia,International Relations,Unknown,"Marked Saudi Arabia's entry into the international community, fostering global diplomatic ties.",Saudi Arabian citizens,Unknown,Positive,International Relations and Diplomacy,Asia,"['Political Events', 'International Relations and Diplomacy']" +497,Oil Revenue Boom,Unknown,Unknown,1970,Saudi Arabia,Economic Development,Unknown,The surge in oil prices dramatically increased national wealth and funded extensive modernization projects.,Saudi Arabian citizens,Unknown,Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +499,Juhayman alUnknownOtaybi's Seizure of the Grand Mosque,20,November,1979,Saudi Arabia,Security Incident,Mecca,A twoUnknownweek siege that challenged the Saudi royal family's legitimacy and led to stricter religious policies.,"Saudi Arabian citizens, pilgrims",Juhayman alUnknownOtaybi,Negative,Political Events,Asia,"['Political Events', 'Crisis and Emergency Response']" +501,IranUnknownIraq War and Saudi Involvement,22,September,1980,Saudi Arabia,Regional Conflict,Persian Gulf,"Saudi Arabia supported Iraq, fearing the spread of Iran's revolutionary Shia Islam within the kingdom.",Regional stability,Saudi Government,Mixed,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +502,First Gulf War,2,August,1990,Saudi Arabia,Military Conflict,"Kuwait, Saudi Arabia",Iraq's invasion of Kuwait led to Saudi Arabia hosting coalition forces and participating in military operations.,Regional stability,"Saudi Government, Coalition Forces",Mixed,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +504,Introduction of the Basic Law of Governance,1,March,1992,Saudi Arabia,Legal Framework,Unknown,"Formalized the Saudi political and administrative structure, reinforcing the monarchy's Islamic governance model.",Saudi Arabian citizens,King Fahd,Positive,Legal and Judicial Changes,Asia,['Political Events'] +505,Saudi Arabia Joins the WTO,11,December,2005,Saudi Arabia,Economic Integration,Unknown,Enhanced Saudi Arabia's global trade relations and required significant economic reforms for compliance.,Saudi Arabian economy,Saudi Government,Positive,Political Events,Asia,['International Relations and Diplomacy'] +507,Riyadh Compound Bombings,12,May,2003,Saudi Arabia,Terrorism,Riyadh,"AlUnknownQaeda attacks targeting expatriates underscored the internal threat of extremism, leading to security reforms.","Expatriates, Saudi citizens",AlUnknownQaeda,Negative,Crisis and Emergency Response,Asia,['Crisis and Emergency Response'] +508,King Abdullah's Ascension,1,August,2005,Saudi Arabia,Leadership Change,Unknown,"Began a period marked by cautious reforms in education, economy, and increased openness to the world.",Saudi Arabian citizens,King Abdullah,Positive,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +509,Vision 2030 Announced,25,April,2016,Saudi Arabia,Economic/Social Reform Plan,Unknown,"A strategic framework to reduce Saudi Arabia's dependence on oil, diversify its economy, and develop public service sectors.",Saudi Arabian citizens,Mohammed bin Salman,Positive,Political Events,Asia,"['Economic and Infrastructure Development', 'Political Events']" +510,Women Allowed to Drive,24,June,2018,Saudi Arabia,Social Reform,Unknown,"Ended the world's only ban on female drivers, part of broader social reforms to improve women's rights.",Saudi women,Mohammed bin Salman,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Legal and Judicial Changes']" +511,AntiUnknownCorruption Campaign,4,November,2017,Saudi Arabia,Political Action,Riyadh,"HighUnknownprofile arrests for corruption, signaling power consolidation by Crown Prince Mohammed bin Salman.",Saudi elites,Mohammed bin Salman,Mixed,Political Events,Asia,"['Political Events', 'Military and Conflict']" +512,Saudi Intervention in Yemen,26,March,2015,Saudi Arabia,Military Intervention,Yemen,"Led a coalition intervening in Yemen's civil war, aiming to restore the internationally recognized government.","Yemeni civilians, regional stability",Saudi Government,Negative,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +513,Khashoggi Assassination,2,October,2018,Saudi Arabia,Diplomatic Incident,"Istanbul, Turkey",The murder of journalist Jamal Khashoggi in the Saudi consulate led to international outcry and strained relations.,International community,Saudi Government,Negative,Political Events,Asia,"['Crisis and Emergency Response', 'International Relations and Diplomacy']" +514,RitzUnknownCarlton Riyadh Detentions,4,November,2017,Saudi Arabia,AntiUnknownCorruption Effort,Riyadh,"Prominent figures were detained in an antiUnknowncorruption crackdown, seen as consolidating power around the Crown Prince.",Saudi elites,Mohammed bin Salman,Mixed,Political Events,Asia,"['Political Events', 'Crisis and Emergency Response']" +515,G20 Summit Hosted in Riyadh,21,November,2020,Saudi Arabia,International Summit,Riyadh,"Hosting the G20 marked Saudi Arabia's prominence on the global stage, despite controversies and criticisms.","Global leaders, Saudi citizens",Saudi Government,Mixed,International Relations and Diplomacy,Asia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +516,Founding of Modern Singapore,29,January,1819,Singapore,State Formation,Singapore,Establishment as a British trading post,Local and immigrant populations,Sir Stamford Raffles,Positive,Social and Cultural Events,Asia,"['Social and Cultural Events', 'Political Events']" +517,Treaty of Friendship and Alliance,6,February,1824,Singapore,Diplomatic Agreement,Singapore,Secured Singapore for the British Empire,Local and immigrant populations,British East India Company,Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +518,Straits Settlements Establishment,Unknown,Unknown,1826,Singapore,Administrative Change,Malaya,Integration into British Malaya,Local and immigrant populations,British Crown,Positive,Political Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +519,Japanese Occupation,15,February,1942,Singapore,Military Occupation,Singapore,Occupation and ensuing hardships during WWII,Singaporean citizens,Japanese Empire,Negative,Military and Conflict,Asia,['Military and Conflict'] +520,Battle of Singapore,8,February,1942,Singapore,Military Conflict,Singapore,British surrender to Japanese forces,British and Allied forces,Japanese Empire,Negative,Military and Conflict,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +521,Sook Ching Massacre,18,February,1942,Singapore,Massacre,Singapore,Systematic purge of antiUnknownJapanese elements,Chinese Singaporeans,Japanese military,Negative,Crisis and Emergency Response,Asia,"['Historical and Monumental', 'Crisis and Emergency Response']" +522,Return of the British,12,September,1945,Singapore,Military Administration,Singapore,Restoration of British colonial rule,Singaporean citizens,British Military Administration,Mixed,Political Events,Asia,['Military and Conflict'] +523,PostUnknownwar Recovery,Unknown,Unknown,1945,Singapore,Reconstruction,Singapore,Economic and infrastructural rehabilitation efforts,Singaporean citizens,British Administration,Positive,Political Events,Asia,"['Economic and Infrastructure Development', 'Environmental and Health']" +524,University of Malaya Formation,Unknown,Unknown,1949,Singapore,Educational Development,Singapore,Start of higher education,Students and academics,British Administration,Positive,Technological and Scientific Advancements,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +525,Maria Hertogh Riots,Unknown,Unknown,1950,Singapore,Social Unrest,Singapore,Exposed ethnic and religious tensions,Singaporean citizens,Unknown,Negative,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +526,SelfUnknowngovernance Achieved,3,June,1959,Singapore,Political Milestone,Singapore,Singapore gained selfUnknowngovernance from the British,Singaporean citizens,Lee Kuan Yew,Positive,Other,Asia,"['Social and Cultural Events', 'Political Events']" +527,Merger with Malaysia,16,September,1963,Singapore,Political Union,Malaysia,Temporary integration with Malaysia,Singaporean citizens,Malaysian and Singaporean Governments,Mixed,Political Events,Asia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +528,Separation and Independence,9,August,1965,Singapore,Independence Declaration,Singapore,Singapore became an independent and sovereign nation,Singaporean citizens,Lee Kuan Yew,Positive,Political Events,Asia,['Political Events'] +529,National Service Introduced,17,March,1967,Singapore,Defense Policy,Singapore,Mandatory military service for male citizens,Male citizens,Singaporean Government,Positive,Political Events,Asia,"['Political Events', 'Military and Conflict']" +530,Economic Development,Unknown,Unknown,1970,Singapore,Economic Policy,Singapore,Rapid industrialization and transformation into a global financial hub,Singaporean economy,Singaporean Government,Positive,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +531,Speak Mandarin Campaign Launched,Unknown,Unknown,1979,Singapore,Cultural Policy,Singapore,Promotion of Mandarin over other Chinese dialects to strengthen national identity,Chinese Singaporeans,Singaporean Government,Positive,Political Events,Asia,"['Social and Cultural Events', 'International Relations and Diplomacy']" +532,Elected Presidency Introduced,30,November,1991,Singapore,Political Reform,Singapore,Introduction of a directly elected President with custodial powers over national reserves,Singaporean citizens,Singaporean Government,Positive,Political Events,Asia,['Political Events'] +533,Signing of the AngloUnknownDutch Treaty,17,March,1824,Singapore,Diplomatic Agreement,London,Formalized British control over Singapore and Dutch control over the Indonesian archipelago.,British and Dutch empires,United Kingdom and Netherlands,Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +534,Surrender of Singapore to Japan,15,February,1942,Singapore,Military Surrender,Singapore,"Marked the beginning of the Japanese occupation, leading to widespread suffering.","Allied forces, Singaporean citizens",Japanese Empire,Negative,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +535,Singapore Joins the United Nations,21,September,1965,Singapore,International Relations,Unknown,Affirmed Singapore's sovereignty and global standing following independence.,Singaporean citizens,Unknown,Positive,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +536,Laju Ferry Hijacking,31,January,1974,Singapore,Terrorism,Singapore,A pivotal event that highlighted Singapore's vulnerability to international terrorism.,Singaporean citizens,"Japanese Red Army, Popular Front for the Liberation of Palestine",Negative,Crisis and Emergency Response,Asia,['Crisis and Emergency Response'] +537,Cable Car Disaster,29,January,1983,Singapore,Accident,Sentosa,"The cable car line between Mount Faber and Sentosa was severed, resulting in deaths and highlighting the need for stringent safety measures.",Tourists and locals,Unknown,Negative,Crisis and Emergency Response,Asia,"['Crisis and Emergency Response', 'Environmental and Health']" +538,Hotel New World Collapse,15,March,1986,Singapore,Structural Failure,Singapore,"The collapse of the Hotel New World due to structural failure marked one of the worst disasters in Singapore, leading to improvements in building safety regulations.",Victims and their families,Unknown,Negative,Crisis and Emergency Response,Asia,"['Crisis and Emergency Response', 'Environmental and Health']" +539,Execution of Barlow and Chambers,7,July,1986,Singapore,Judicial Execution,Singapore,The execution of two Australians for drug trafficking underscored Singapore's strict antiUnknowndrug laws.,Australian nationals,Singapore Government,Mixed,Political Events,Asia,"['Crisis and Emergency Response', 'Legal and Judicial Changes']" +540,AngloUnknownPersian Oil Company Agreement,Unknown,Unknown,1901,Iran,Economic Development,Iran,"Discovery and development of oil, fundamentally changing Iran's economy and strategic importance.",Iranian people,William Knox D'Arcy,Mixed,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +541,British Mandate of Mesopotamia,Unknown,Unknown,1920,Iraq,Colonial Rule,Mesopotamia,"Establishment of British control postUnknownOttoman Empire, setting the stage for modern Iraqi statehood.",Mesopotamian people,League of Nations,Negative,Political Events,Asia,"['Political Events', 'Military and Conflict']" +542,Alash Autonomy Declaration,Unknown,Unknown,1917,Almaty,Political Movement,Kazakhstan,"Attempt to establish autonomy amidst the Russian Revolution, highlighting national consciousness.",Kazakh intellectuals,Alash Orda,Mixed,Political Events,Unknown,['Political Events'] +543,Bukhara Emirate Overthrown by Bolsheviks,Unknown,Unknown,1920,Bukhara,Political Change,Bukhara,"Introduction of Soviet rule, significant social and political transformations.",Uzbek people,Bolsheviks,Negative,Political Events,Unknown,['Political Events'] +544,Treaty of Punakha,Unknown,Unknown,1910,Bhutan,Diplomatic Agreement,Punakha,British India's recognition of Bhutan's independence in exchange for control over foreign relations.,Bhutanese people,"British India, Bhutan",Mixed,International Relations and Diplomacy,Unknown,['International Relations and Diplomacy'] +545,Introduction of Islam officially,Unknown,Unknown,1153,Maldives,Religious Conversion,Maldives,"Conversion to Islam, shaping Maldivian culture, governance, and judicial system.",Maldivian inhabitants,Abu alUnknownBarakat Yusuf alUnknownBarbari,Positive,Other,Unknown,"['Social and Cultural Events', 'Political Events']" +546,Japanese Occupation of Malaya,Unknown,Unknown,1942,Malaya,Military Occupation,Malaya,Occupation led to hardship but also galvanized movements towards independence.,Malay people,Japanese Empire,Negative,Military and Conflict,Unknown,['Military and Conflict'] +547,Constitutional Revolution,Unknown,Unknown,1906,Tehran,Political Reform,Iran,"Establishment of a parliament, marking the start of constitutional monarchy in Iran.",Iranian citizens,Revolutionaries,Positive,Political Events,Unknown,['Political Events'] +548,Foundation of Modern Iraq,Unknown,Unknown,1932,Iraq,State Formation,Iraq,"Independence from British mandate, leading to the founding of the Kingdom of Iraq.",Iraqi people,Kingdom of Iraq,Positive,Social and Cultural Events,Asia,"['Political Events', 'Military and Conflict']" +549,Forced Collectivization by Soviets,Unknown,Unknown,1930,Kazakhstan,Economic Policy,Kazakhstan,Collectivization led to widespread famine and suffering among the Kazakh population.,Kazakh nomads,Soviet Government,Negative,Economic and Infrastructure Development,Unknown,['Economic and Infrastructure Development'] +550,Samarkand becomes part of the Uzbek SSR,Unknown,Unknown,1924,Samarkand,Administrative Reorganization,Samarkand,"Establishment of Uzbek Soviet Socialist Republic, influencing Uzbek national identity.",Uzbek people,Soviet Government,Mixed,Political Events,Unknown,"['Political Events', 'Military and Conflict']" +551,Establishment of Simtokha Dzong,Unknown,Unknown,1629,Thimphu,Cultural Development,Thimphu,"The first dzong, combining monastic and military functions, foundational for Bhutanese architecture.",Bhutanese people,Zhabdrung Ngawang Namgyal,Positive,Social and Cultural Events,Unknown,"['Social and Cultural Events', 'Historical and Monumental']" +552,Sultanate Becomes a British Protectorate,Unknown,Unknown,1887,Maldives,Colonial Subjugation,Maldives,British protection in exchange for defense and nonUnknowninterference in internal affairs.,Maldivian people,British Empire,Mixed,Political Events,Unknown,"['Political Events', 'Military and Conflict']" +553,Formation of the United Malays National Organisation,Unknown,Unknown,1946,Malaysia,Political Movement,Malaysia,Political mobilization of Malays for rights and independence.,Malay people,Onn Jaafar,Positive,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +555,Hammurabi's Code of Laws,Unknown,Unknown, 1754 BC ,Babylon,Legal Code Introduction,Babylon,Introduction of one of the earliest written legal codes,Babylonian citizens,Hammurabi,Positive,Legal and Judicial Changes,Unknown,['Legal and Judicial Changes'] +556,Golden Horde Rule,Unknown,Unknown,1200,Kazakhstan,Political Dominion,Kazakhstan,"Strengthened trade routes across Central Asia, impacting the Silk Road economy",Central Asian populations,Batu Khan,Mixed,Political Events,Unknown,['Economic and Infrastructure Development'] +558,Introduction of Buddhism,Unknown,Unknown,746,Bhutan,Religious Spread,Bhutan,"Establishment of Buddhism as the state religion, shaping Bhutanese culture and governance",Bhutanese people,Padmasambhava (Guru Rinpoche),Positive,Other,Unknown,"['Social and Cultural Events', 'Historical and Monumental']" +559,Conversion to Islam,Unknown,Unknown,1153,Maldives,Religious Conversion,Maldives,"Transition to Islam, influencing Maldivian culture, trade, and politics",Maldivian people,Abu alUnknownBarakat Yusuf alUnknownBarbari,Positive,Other,Unknown,"['Social and Cultural Events', 'Political Events']" +560,Malacca Sultanate Established,Unknown,Unknown,1402,Malacca,Sultanate Formation,Malacca,Foundation of a powerful maritime trading state in Southeast Asia,Malay people,Parameswara,Positive,Political Events,Unknown,"['Historical and Monumental', 'Military and Conflict']" +561,Islamic Conquest of Persia,Unknown,Unknown,651,Persia,Military Conquest,Persia,"Introduction of Islam, leading to significant cultural and religious changes",Persian people,Arab Conquerors,Mixed,Political Events,Unknown,['Historical and Monumental'] +562,Foundation of Baghdad,Unknown,Unknown,762,Iraq,City Foundation,Baghdad,Establishment of Baghdad as a major cultural and scholarly center,Mesopotamian people,Caliph AlUnknownMansur,Positive,Political Events,Asia,"['Social and Cultural Events', 'Historical and Monumental']" +563,Arrival of the Russians,Unknown,Unknown,1731,Kazakhstan,Political Annexation,Kazakhstan,Beginning of Russian influence and eventual control over Kazakh lands,Kazakh Khanate,Russian Empire,Negative,Political Events,Unknown,['Political Events'] +564,Timurid Empire Peaks,Unknown,Unknown,1405,Samarkand,Empire Peak,Uzbekistan,Samarkand becomes a leading center of Islamic culture and arts,Central Asian populations,Timur,Positive,Political Events,Unknown,"['Social and Cultural Events', 'Historical and Monumental']" +565,Unification of Bhutan,Unknown,Unknown,1634,Bhutan,Country Unification,Bhutan,Establishment of Bhutan as a unified kingdom under a dual system of government,Bhutanese people,Ngawang Namgyal (Zhabdrung Rinpoche),Positive,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +566,Sultanate ReUnknownestablished,Unknown,Unknown,1558,Maldives,Political Restoration,Maldives,"Restoration of the Sultanate, reaffirming Maldivian independence and sovereignty",Maldivian people,Muhammad Thakurufaanu AlUnknownA'uẓam,Positive,Political Events,Unknown,['Political Events'] +567,British Colonization Begins,Unknown,Unknown,1824,Malaysia,Colonial Rule,Malaysia,"Start of British colonial rule, affecting political and social structures",Malaysian inhabitants,British East India Company,Negative,Political Events,Unknown,['Social and Cultural Events'] +568,AngloUnknownRussian Agreement,Unknown,Unknown,1907,Iran,Diplomatic Agreement,Iran,"Divided Iran into spheres of British and Russian influence, compromising its sovereignty.",Iranian people,"United Kingdom, Russia",Negative,International Relations and Diplomacy,Asia,['International Relations and Diplomacy'] +569,Creation of Iraq by the League of Nations,Unknown,Unknown,1920,Iraq,State Formation,Iraq,Formalized the creation of the modern state of Iraq under British mandate.,Iraqi people,"League of Nations, United Kingdom",Mixed,Social and Cultural Events,Asia,"['Political Events', 'Military and Conflict']" +570,Virgin Lands Campaign,Unknown,Unknown,1954,Kazakhstan,Agricultural Development,Northern Kazakhstan,Aimed to boost Soviet agriculture; led to significant demographic changes.,Kazakh SSR inhabitants,Nikita Khrushchev,Mixed,Economic and Infrastructure Development,Unknown,"['Economic and Infrastructure Development', 'Political Events']" +571,Establishment of Uzbek SSR,Unknown,Unknown,1924,Uzbekistan,Political Reorganization,Uzbekistan,Formation of Uzbek Soviet Socialist Republic within the USSR.,Uzbek people,Soviet Government,Mixed,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +572,Treaty of Sinchula,Unknown,Unknown,1865,Bhutan,Diplomatic Agreement,Bhutan,"Ceded border lands to British India in exchange for an annual subsidy, defining borders.",Bhutanese people,"British India, Bhutanese Government",Mixed,International Relations and Diplomacy,Unknown,['International Relations and Diplomacy'] +573,Introduction of English as a Medium of Education,Unknown,Unknown,1940,Maldives,Educational Reform,Maldives,Marked the beginning of modern education in the Maldives.,Maldivian students,Maldivian Government,Positive,Technological and Scientific Advancements,Unknown,"['Social and Cultural Events', 'Political Events']" +574,Japanese Occupation of Malaya,Unknown,Unknown,1941,Malaya,Military Occupation,Malaya,"Japanese control during WWII, leading to significant hardship and resistance movements.",Malayan people,Japanese Empire,Negative,Military and Conflict,Unknown,['Military and Conflict'] +575,Nationalization of Oil Industry,Unknown,Unknown,1951,Iran,Economic Nationalism,Iran,Marked a pivotal moment in Iran's struggle for sovereignty over its oil resources.,Iranian people,Mohammad Mossadegh,Positive,Economic and Infrastructure Development,Asia,"['Economic and Infrastructure Development', 'Political Events']" +576,Baghdad Pact,Unknown,Unknown,1955,Iraq,Military Alliance,Baghdad,"Aimed to counter Soviet influence in the Middle East, involving Iraq and Western powers.",Iraqi people,"Iraq, United Kingdom, others",Mixed,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +577,Kengir Uprising,Unknown,Unknown,1954,Kazakhstan,Political Rebellion,Kengir,"A major uprising by Gulag prisoners, highlighting resistance to Soviet repression.",Prisoners,"Gulag prisoners, Soviet Government",Negative,Political Events,Unknown,"['Political Events', 'Military and Conflict']" +578,Collectivization in Uzbekistan,Unknown,Unknown,1930,Uzbekistan,Agricultural Policy,Uzbekistan,"Forced collectivization under Soviet rule, leading to economic and social upheaval.",Uzbek peasants,Soviet Government,Negative,Economic and Infrastructure Development,Unknown,"['Economic and Infrastructure Development', 'Political Events']" +579,Establishment of the National Assembly,Unknown,Unknown,1953,Bhutan,Political Development,Bhutan,"Introduced a new legislative body, marking a step towards modern governance.",Bhutanese people,Jigme Dorji Wangchuck,Positive,Political Events,Unknown,['Political Events'] +580,First Constitution of Maldives,Unknown,Unknown,1932,Maldives,Constitutional Development,Maldives,"Introduction of the first constitution, laying the foundation for legal and political reform.",Maldivian people,Sultan Muhammad Shamsuddeen III,Positive,Political Events,Unknown,['Political Events'] +581,Malayan Emergency,Unknown,Unknown,1948,Malaya,CounterUnknownInsurgency,Malaya,A guerrilla war between Commonwealth armed forces and the Malayan National Liberation Army.,Malayan people,"British Empire, MNLA",Mixed,Political Events,Unknown,['Military and Conflict'] +582,Reza Shah's Modernization Efforts,Unknown,Unknown,1925,Iran,Modernization Policy,Iran,"Initiatives for modernization and secularization, impacting various aspects of Iranian society.",Iranian people,Reza Shah Pahlavi,Positive,Political Events,Asia,"['Historical and Monumental', 'Political Events']" +583,Faisal I Becomes King of Iraq,Unknown,Unknown,1921,Iraq,Monarchy Establishment,Iraq,"Establishment of the Hashemite monarchy in Iraq, under British influence.",Iraqi people,Faisal I,Mixed,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +584,Silk Road Decline,Unknown,Unknown,1500,Central Asia,Economic Shift,Central asia,"Decline of the Silk Road trade routes, impacting Central Asian economies and cities like Samarkand.",Central Asian traders,Unknown,Negative,Political Events,Unknown,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +585,Duar War (BritishUnknownBhutan War),Unknown,Unknown,1864,Bhutan,Military Conflict,Bhutan,Conflict with British India leading to ceding of Bhutanese territories in the Treaty of Sinchula.,Bhutanese people,British India,Negative,Military and Conflict,Unknown,['Military and Conflict'] +586,Sultanate Abolished and Restored,Unknown,Unknown,1953,Maldives,Political Change,Maldives,"Brief abolition of the sultanate, showing political instability and change.",Maldivian people,Unknown,Mixed,Political Events,Unknown,['Political Events'] +587,Federated Malay States Formed,Unknown,Unknown,1895,Malaya,Colonial Administration,Peninsular,British establishment of federated administrative structure to streamline colonial governance.,Malay states people,British Colonial Administration,Negative,Political Events,Unknown,['Political Events'] +588,AngloUnknownIranian Oil Company Nationalized,Unknown,Unknown,1951,Iran,Nationalization,Iran,"Nationalization of Iran's oil industry, leading to a significant political and economic standoff.",Iranian people,Mohammad Mossadegh,Mixed,Political Events,Asia,['Economic and Infrastructure Development'] +589,Kingdom of Iraq Independence,Unknown,Unknown,1932,Iraq,Independence,Iraq,"Iraq's independence from British mandate, marking the establishment of a sovereign state.",Iraqi people,Unknown,Positive,Military and Conflict,Asia,['Political Events'] +590,Famine of 1932Unknown1933,Unknown,Unknown,1932,Kazakhstan,Famine,Kazakhstan,"Devastating famine caused by Soviet collectivization policies, greatly affecting the Kazakh populace.",Kazakh people,Soviet Government,Negative,Other,Unknown,"['Economic and Infrastructure Development', 'Environmental and Health']" +591,Bukharan People's Soviet Republic Formed,Unknown,Unknown,1920,Bukhara,State Formation,Bukhara,"Establishment of a Soviet republic, incorporating Bukhara into the Soviet Union.",Bukharan people,Soviet Government,Negative,Social and Cultural Events,Unknown,"['Political Events', 'Military and Conflict']" +592,Establishment of Monarchy,Unknown,Unknown,1907,Bhutan,Monarchy Establishment,Bhutan,"Establishment of the Wangchuck dynasty, bringing stability and central governance.",Bhutanese people,Ugyen Wangchuck,Positive,Political Events,Unknown,['Political Events'] +593,Introduction of First Constitution,Unknown,Unknown,1932,Maldives,Constitutional Development,Maldives,"Adoption of the first constitution, initiating legal and governmental reforms.",Maldivian people,Sultan Muhammad Shamsuddeen III,Positive,Political Events,Unknown,['Political Events'] +594,Constitutional Revolution,Unknown,Unknown,1905,Iran,Political Reform,Iran,"Establishment of a constitution and a parliament, aiming for modernization and reduction of monarchic power.",Iranian citizens,Constitutional Revolutionaries,Positive,Political Events,Asia,['Political Events'] +595,British Occupation of Basra,Unknown,Unknown,1914,Basra,Military Occupation,Basra,"Start of British involvement in Iraq during WWI, leading to eventual British mandate.",Iraqi people,British Forces,Negative,Military and Conflict,Unknown,['Military and Conflict'] +596,Forced Sedentarization of Nomads,Unknown,Unknown,1930,Kazakhstan,Social Policy,Kazakhstan,"Soviet policies aimed to settle nomadic populations, significantly altering traditional lifestyles.",Kazakh nomads,Soviet Government,Negative,Social and Cultural Events,Unknown,"['Social and Cultural Events', 'Political Events']" +597,Russian Conquest of Tashkent,Unknown,Unknown,1865,Tashkent,Military Conquest,Tashkent,"Incorporation into the Russian Empire, impacting local governance and development.",Tashkent residents,Russian Empire,Negative,Political Events,Unknown,['Military and Conflict'] +598,Treaty of Punakha with British India,Unknown,Unknown,1910,Punakha,Diplomatic Agreement,Punakha,"Affirmed British protection in exchange for internal autonomy, securing Bhutan's sovereignty.",Bhutanese people,British India,Positive,International Relations and Diplomacy,Unknown,['International Relations and Diplomacy'] +599,Formal British Protectorate Status,Unknown,Unknown,1887,Maldives,Protectorate Establishment,Maldives,"Established a formal protectorate under British Empire, influencing foreign policy and defense.",Maldivian people,British Empire,Mixed,Political Events,Unknown,"['Political Events', 'Military and Conflict']" +600,Japanese Occupation,Unknown,Unknown,1942,Malaya,Military Occupation,Southeast Asia,"Japanese control disrupted British colonial rule, contributing to the rise of independence movements.",Malay people,Japanese Empire,Negative,Military and Conflict,Unknown,['Military and Conflict'] +601,Mossadegh's Premiership and Oil Nationalization,Unknown,Unknown,1951,Iran,Economic Policy,Iran,Marked a pivotal point in Iranian nationalism and conflict with Western powers over oil resources.,Iranian people,Mohammad Mossadegh,Mixed,Economic and Infrastructure Development,Asia,['Economic and Infrastructure Development'] +602,14 July Revolution,Unknown,Unknown,1958,Iraq,Political Revolution,Baghdad,"Overthrow of the Hashemite monarchy, leading to the establishment of a republic.",Iraqi people,Iraqi Army and Revolutionaries,Mixed,Political Events,Asia,['Political Events'] +603,Accession to the Soviet Union,Unknown,Unknown,1922,Soviet Union,Political Union,Kazakhstan,"Integration into the Soviet Union, significantly impacting political and social structures.",Kazakh SSR inhabitants,Soviet Government,Negative,Political Events,Unknown,['Political Events'] +604,Establishment of the Uzbek Soviet Socialist Republic,Unknown,Unknown,1924,Uzbek SSR,State Formation,Uzbekistan,"Formation as a constituent republic of the Soviet Union, altering national identity and governance.",Uzbek SSR inhabitants,Soviet Government,Negative,Social and Cultural Events,Unknown,['Political Events'] +605,First FiveUnknownYear Plan,Unknown,Unknown,1961,Bhutan,Economic Development,Bhutan,"Initiation of planned economic development, focusing on modernization and infrastructure.",Bhutanese people,"Third King of Bhutan, Jigme Dorji Wangchuck",Positive,Economic and Infrastructure Development,Unknown,['Economic and Infrastructure Development'] +606,Suvadive Rebellion,Unknown,Unknown,1959,Addu Atoll,Secession Attempt,Addu Atoll,Attempted secession highlighting regional discontent and desire for greater autonomy within Maldives.,Southern Maldivians,Abdullah Afeef,Negative,Political Events,Unknown,"['Political Events', 'Military and Conflict']" +607,Formation of Federation of Malaya,Unknown,Unknown,1948,Malaya,Political Reorganization,Malaya,"British response to increasing nationalist movements, setting the stage for eventual independence.",Malay people,British Colonial Administration,Mixed,Political Events,Unknown,['Political Events'] +608,1953 Iranian Coup d'état,Unknown,August,1953,Tehran,Political Coup,Iran,"Overthrow of Prime Minister Mohammad Mossadegh, consolidation of Shah's power.",Iranian citizens,"CIA, MI6",Negative,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +609,1979 Iranian Revolution,Unknown,February,1979,Iran,Revolution,Iran,"Establishment of the Islamic Republic of Iran, fall of the Pahlavi dynasty.",Iranian citizens,Ayatollah Khomeini,Mixed,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +610,1958 Iraqi Revolution,Unknown,July,1958,Iraq,Revolution,Baghdad,"Overthrow of the Hashemite monarchy, establishment of a republic.",Iraqi citizens,Abdul Karim Qasim,Mixed,Political Events,Asia,['Political Events'] +611,IranUnknownIraq War,Unknown,September,1980,Iraq,Military Conflict,Iraq/Iran border,"Attempted to dominate the Persian Gulf region, resulted in stalemate and devastation.","Iraqi, Iranian citizens",Saddam Hussein,Negative,Military and Conflict,Asia,"['Military and Conflict', 'Crisis and Emergency Response']" +612,Gulf War,Unknown,January,1991,"Kuwait, Iraq",Military Conflict,Kazakhstan,Iraq's invasion of Kuwait leads to conflict and subsequent economic sanctions.,Iraqi citizens,"Saddam Hussein, Coalition Forces",Negative,Military and Conflict,Unknown,['Military and Conflict'] +613,Independence from the Soviet Union,16,December,1991,Kazakhstan,Independence,From Almaty to Astana,Kazakhstan declares sovereignty as the Soviet Union collapses.,Kazakh citizens,Nursultan Nazarbayev,Positive,Military and Conflict,Unknown,['Political Events'] +614,Capital Moved to Astana,Unknown,Unknown,1997,Uzbekistan,Administrative Change,Astana,Moving the capital was aimed at political and economic development.,Kazakh citizens,Nursultan Nazarbayev,Mixed,Political Events,Unknown,"['Economic and Infrastructure Development', 'Political Events']" +615,Independence from the Soviet Union,1,September,1991,Uzbekistan,Independence,Uzbekistan,Uzbekistan declares independence following the dissolution of the Soviet Union.,Uzbek citizens,Unknown,Positive,Military and Conflict,Unknown,"['Political Events', 'Military and Conflict']" +616,Death of Islam Karimov,Unknown,September,2016,Uzbekistan,Political Change,Bhutan,Transition of power after the death of longUnknowntime leader Islam Karimov.,Uzbek citizens,Unknown,Mixed,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +617,Introduction of Television,Unknown,June,1999,Bhutan,Cultural Change,Bhutan,"Marking the end of Bhutan's isolation, introduction of television and the internet.",Bhutanese citizens,Jigme Singye Wangchuck,Positive,Political Events,Unknown,"['Social and Cultural Events', 'Technological and Scientific Advancements']" +618,First Democratic Elections,Unknown,March,2008,Bhutan,Political Development,Bhutan,Transition to a constitutional monarchy with the first democratic elections.,Bhutanese citizens,Jigme Khesar Namgyel Wangchuck,Positive,Political Events,Unknown,['Political Events'] +619,Introduction of a Multiparty System,Unknown,June,2005,Maldives,Political Reform,Maldives,Reformation towards a more democratic political system.,Maldivian citizens,Maumoon Abdul Gayoom,Positive,Political Events,Unknown,['Political Events'] +620,2004 Tsunami Impact,26,December,2004,Maldives,Natural Disaster,Indian Ocean,Devastation and subsequent reconstruction efforts highlighting vulnerability to climate change.,Maldivian citizens,Unknown,Negative,Environmental and Health,Unknown,['Environmental and Health'] +621,Independence from the United Kingdom,31,August,1957,Malaysia,Independence,Malaya,"End of British colonial rule, establishment of the Federation of Malaya.",Malaysian citizens,Tunku Abdul Rahman,Positive,Military and Conflict,Unknown,"['Political Events', 'Military and Conflict']" +622,Formation of Malaysia,16,September,1963,Malaysia,State Formation,Malaysia,"Merger of Malaya, Sabah, Sarawak, and Singapore into Malaysia; Singapore later exits in 1965.","Malaysian, Singaporean citizens",Tunku Abdul Rahman,Positive,Social and Cultural Events,Unknown,"['Historical and Monumental', 'Technological and Scientific Advancements', 'International Relations and Diplomacy']" +623,1969 Race Riots,13,May,1969,Malaysia,Civil Unrest,Kuala Lumpur,Ethnic tensions leading to significant violence and the establishment of the New Economic Policy.,Malaysian citizens,Unknown,Negative,Other,Unknown,"['Social and Cultural Events', 'Political Events']" +624,New Economic Policy Introduced,Unknown,Unknown,1971,Malaysia,Economic Policy,Malaysia,Aimed at eradicating poverty and restructuring societal economic imbalance.,Malaysian citizens,Abdul Razak Hussein,Mixed,Economic and Infrastructure Development,Unknown,['Economic and Infrastructure Development'] +625,Green Movement,Unknown,June,2009,Iran,Political Movement,Iran,"Protests over the disputed presidential election results, calling for political reform.",Iranian citizens,Opposition supporters,Negative,Political Events,Asia,"['Social and Cultural Events', 'Political Events']" +626,ISIS Captures Mosul,10,June,2014,Mosul,Military Occupation,Mosul,"ISIS's rapid territorial gains in Iraq, leading to international military interventions.",Iraqi citizens,ISIS,Negative,Military and Conflict,Unknown,"['Political Events', 'Military and Conflict']" +627,Zhanaozen Massacre,16,December,2011,Zhanaozen,Civil Unrest,Zhanaozen,"Violent crackdown on striking oil workers, leading to numerous deaths and injuries.",Kazakh workers,Kazakhstan Government,Negative,Other,Unknown,"['Crisis and Emergency Response', 'Environmental and Health']" +628,Currency Convertibility Introduced,Unknown,September,2017,Uzbekistan,Economic Policy,Uzbekistan,Introduction of currency convertibility to boost investment and economic liberalization.,Uzbek citizens,Shavkat Mirziyoyev,Positive,Economic and Infrastructure Development,Unknown,['Economic and Infrastructure Development'] +629,Gross National Happiness Introduced,Unknown,Unknown,1972,Bhutan,Social Policy,Bhutan,Concept of measuring and promoting happiness as a goal of governance.,Bhutanese citizens,King Jigme Singye Wangchuck,Positive,Social and Cultural Events,Unknown,"['Social and Cultural Events', 'Political Events']" +630,Political Crisis and State of Emergency,Unknown,February,2018,Maldives,Political Crisis,Malé,Political tensions leading to a state of emergency and concerns over democracy.,Maldivian citizens,Abdulla Yameen,Negative,Political Events,Unknown,"['Political Events', 'Crisis and Emergency Response']" +631,1MDB Scandal,Unknown,Unknown,2015,Malaysia,Corruption Scandal,Malaysia,A major corruption scandal involving the state fund 1MDB and leading political figures.,Malaysian citizens,Najib Razak,Negative,Political Events,Unknown,"['Political Events', 'Crisis and Emergency Response']" +632,US Withdrawal from the JCPOA,8,May,2018,Iran,Diplomatic Event,Iran,"US withdrawal from the nuclear deal, leading to heightened tensions and economic sanctions.",Iranian citizens,Donald Trump,Negative,Political Events,Asia,"['Military and Conflict', 'International Relations and Diplomacy']" +633,Protests Against Corruption and Unemployment,Unknown,October,2019,Iraq,Civil Unrest,Baghdad,Nationwide protests demanding political reform and action against corruption.,Iraqi citizens,Protesters,Negative,Other,Asia,"['Social and Cultural Events', 'Political Events']" +634,Presidential Transition,19,March,2019,Kazakhstan,Political Change,NurUnknownSultan,"Nursultan Nazarbayev resigns after decades in power, KassymUnknownJomart Tokayev becomes president.",Kazakh citizens,"Nursultan Nazarbayev, KassymUnknownJomart Tokayev",Mixed,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +635,Release of Political Prisoners,Unknown,Unknown,2016,Uzbekistan,Human Rights Improvement,Uzbekistan,"Following Karimov's death, numerous political prisoners were released as part of reforms.",Uzbek political prisoners,Shavkat Mirziyoyev,Positive,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +636,Decriminalization of Homosexuality,17,December,2020,Bhutan,Legal Reform,Bhutan,Amendment of the penal code to decriminalize sameUnknownsex relationships.,Bhutanese citizens,Bhutanese Parliament,Positive,Political Events,Unknown,['Legal and Judicial Changes'] +637,Presidential Election Victory of Ibrahim Solih,23,September,2018,Maldives,Electoral Victory,Maldives,Marked a significant shift in the political landscape towards democratic reform.,Maldivian citizens,Ibrahim Mohamed Solih,Positive,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +638,Pakatan Harapan Electoral Victory,9,May,2018,Malaysia,General Election,Malaysia,"The opposition coalition's victory, ending six decades of UMNOUnknownled government rule.",Malaysian citizens,Mahathir Mohamad,Positive,Political Events,Unknown,"['Social and Cultural Events', 'Political Events']" +639,Malaysia Airlines Flight MH370 Disappearance,8,March,2014,Malaysia,Aviation,Southern Indian Ocean,"Disappeared en route from Kuala Lumpur to Beijing with 239 people on board, remains missing.",239 passengers & crew,Boeing 777Unknown200ER,Negative,Technological and Scientific Advancements,Unknown,"['Technological and Scientific Advancements', 'Crisis and Emergency Response', 'International Relations and Diplomacy']" +640,Japan Airlines Flight 123,12,August,1985,Japan,Aviation,Mount Takamagahara,The world's deadliest singleUnknownaircraft accident with 520 fatalities.,520 passengers & crew,Boeing 747SR,Negative,Technological and Scientific Advancements,Asia,"['Crisis and Emergency Response', 'Environmental and Health']" +641,China Airlines Flight 611,25,May,2002,Taiwan,Aviation,Taiwan Strait,"Disintegration in midUnknownflight due to structural failure, killing all 225 aboard.",225 passengers & crew,Boeing 747Unknown209B,Negative,Technological and Scientific Advancements,Unknown,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +642,Korean Air Flight 801,6,August,1997,South Korea,Aviation,Guam,"Crashed on approach to Guam due to pilot error and adverse conditions, 228 fatalities.",254 passengers & crew,Boeing 747Unknown300,Negative,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +643,AirAsia Flight QZ8501,28,December,2014,Indonesia,Aviation,Java Sea,"Crashed into the Java Sea during bad weather, killing all 162 people on board.",162 passengers & crew,Airbus A320Unknown216,Negative,Technological and Scientific Advancements,Unknown,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +644,Pakistan International Airlines Flight 268,28,September,1992,Pakistan,Aviation,Kathmandu,"Crashed into a hillside on approach to Kathmandu, 167 fatalities.",167 passengers & crew,Airbus A300B4Unknown203,Negative,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +645,Philippine Airlines Flight 434,11,December,1994,Philippines,Aviation,Okinawa,"A bomb exploded on board, killing one and injuring several; part of a terrorist plot.","1 fatality, several injured",Boeing 747Unknown283B,Negative,Technological and Scientific Advancements,Unknown,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +646,SilkAir Flight 185,19,December,1997,Singapore,Aviation,Musi River,"Crashed into the Musi River, all 104 aboard died, cause of the crash was controversial.",104 passengers & crew,Boeing 737Unknown36N,Negative,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +647,OneUnknownTwoUnknownGO Airlines Flight 269,16,September,2007,Thailand,Aviation,Phuket,"Crashed on landing in poor weather conditions at Phuket, 90 fatalities.",130 passengers & crew,McDonnell Douglas MDUnknown82,Negative,Technological and Scientific Advancements,Unknown,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +648,MV Sewol Ferry Sinking,16,April,2014,South Korea,Maritime,Yellow Sea,"Ferry capsized and sank during a voyage to Jeju, over 300 dead, mostly high school students.",476 passengers & crew,MV Sewol,Negative,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +649,Fukushima Daiichi Nuclear Disaster,11,March,2011,Japan,Nuclear Accident,Fukushima Prefecture,"Earthquake and tsunami led to nuclear meltdowns, releasing significant amounts of radioactive material.",Residents of Fukushima,Fukushima Daiichi Nuclear Power Plant,Negative,Political Events,Asia,"['Crisis and Emergency Response', 'Environmental and Health']" +650,Wenzhou Train Collision,23,July,2011,China,Rail,Wenzhou,"HighUnknownspeed train collision due to signal failure, causing 40 deaths and over 190 injuries.",Passengers,HighUnknownspeed Trains,Negative,Technological and Scientific Advancements,Asia,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +651,MV Doña Paz Collision,20,December,1987,Philippines,Maritime,Tablas Strait,"Collided with a tanker, resulting in the world's deadliest peacetime maritime disaster with over 4,300 deaths.","Over 4,300 passengers & crew","MV Doña Paz, MT Vector",Negative,Technological and Scientific Advancements,Unknown,"['Technological and Scientific Advancements', 'Environmental and Health']" +652,Nedelin Catastrophe,24,October,1960,Russia,Spacecraft Accident,Baikonur Cosmodrome,"Explosion during missile test, killing over 100 people, including top missile program personnel.",Military and technical staff,RUnknown16 ballistic missile,Negative,Technological and Scientific Advancements,Europe,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +653,Sidoarjo Mud Flow,29,May,2006,Indonesia,Industrial Accident,Sidoarjo,"Gas exploration drilling mishap causing a mud volcano, displacing thousands and submerging villages.",Thousands displaced,Lapindo Brantas drilling rig,Negative,Technological and Scientific Advancements,Unknown,"['Crisis and Emergency Response', 'Environmental and Health']" +654,Tham Luang Cave Rescue,23,June,2018,Thailand,Rescue Operation,Tham Luang Cave,"A youth football team and their coach were trapped in a cave for 18 days, global rescue effort.",12 boys and their coach,"Divers, pumps, and rescue equipment",Positive,Crisis and Emergency Response,Unknown,"['Historical and Monumental', 'Technological and Scientific Advancements', 'Crisis and Emergency Response', 'International Relations and Diplomacy']" +655,Declaration of Independence,4,July,1776,USA,Political,Philadelphia,Marked the USA's declaration of independence from British rule.,American colonies,Continental Congress,Positive,Political Events,North America,['Political Events'] +656,Louisiana Purchase,30,April,1803,USA,Territorial Acquisition,Midwest,"Doubled the size of the USA, acquiring territory from France.",American settlers,Thomas Jefferson,Positive,Technological and Scientific Advancements,North America,"['Historical and Monumental', 'Military and Conflict']" +657,Civil War,12,April,1861,USA,War,Southern USA,"Resolved the issues of slavery and secession, preserving the Union.",American citizens,"Abraham Lincoln, Jefferson Davis",Mixed,Military and Conflict,North America,"['Political Events', 'Military and Conflict']" +658,Women's Suffrage (19th Amendment),18,August,1920,USA,Legislative,Nationwide,Granted women the right to vote.,Women across the USA,Suffragists,Positive,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +659,Stock Market Crash of 1929,29,October,1929,USA,Economic,"Wall Street, NY","Led to the Great Depression, impacting global economy.",Global population,Unknown,Negative,Economic and Infrastructure Development,North America,"['Economic and Infrastructure Development', 'Environmental and Health']" +660,Moon Landing (Apollo 11),20,July,1969,USA,Space Exploration,Moon,First successful manned mission to the Moon.,Global population,"NASA, Neil Armstrong, Buzz Aldrin",Positive,Technological and Scientific Advancements,North America,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +661,Civil Rights Act of 1964,2,July,1964,USA,Legislative,Nationwide,"Prohibited discrimination based on race, color, religion, sex, or national origin.",American citizens,Lyndon B. Johnson,Positive,Political Events,North America,['Legal and Judicial Changes'] +662,September 11 Attacks,11,September,2001,USA,Terrorism,"NY, VA, PA",Led to global War on Terror and significant changes in US policies.,"American citizens, global citizens",AlUnknownQaeda,Negative,Crisis and Emergency Response,North America,['Crisis and Emergency Response'] +663,First Mars Helicopter Flight,19,April,2021,USA,Space Exploration,Mars,Ingenuity helicopter made the first powered flight on another planet.,Global population,NASA,Positive,Technological and Scientific Advancements,North America,"['Technological and Scientific Advancements', 'Military and Conflict']" +664,Brown v. Board of Education,17,May,1954,USA,Judicial,"Topeka, Kansas",Landmark Supreme Court ruling that declared segregation in public schools unconstitutional.,African American students,"Supreme Court, Thurgood Marshall",Positive,Legal and Judicial Changes,North America,['Legal and Judicial Changes'] +665,Vietnam War, ,Unknown,1955,USA,Military,Vietnam,Controversial conflict that sparked widespread protests and led to significant casualties.,American and Vietnamese,Multiple US Administrations,Negative,Military and Conflict,North America,"['Military and Conflict', 'Crisis and Emergency Response']" +666,Watergate Scandal,17,June,1972,USA,Political Scandal,Washington D.C.,Led to the resignation of President Richard Nixon.,American public,"Richard Nixon, Democratic Party",Negative,Political Events,North America,"['Political Events', 'Environmental and Health']" +667,Challenger Space Shuttle Disaster,28,January,1986,USA,Space Exploration Disaster,"Cape Canaveral, FL","Space Shuttle Challenger broke apart shortly after launch, killing all seven crew members.","Astronauts, general public",NASA,Negative,Technological and Scientific Advancements,North America,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +668,Fall of the Berlin Wall,9,November,1989,USA,International,"Berlin, Germany",Symbolized the end of the Cold War and led to German reunification; significant US involvement.,Global population,"Ronald Reagan, Mikhail Gorbachev",Positive,Technological and Scientific Advancements,North America,"['Social and Cultural Events', 'Military and Conflict']" +669,Oklahoma City Bombing,19,April,1995,USA,Domestic Terrorism,"Oklahoma City, OK","Deadliest act of domestic terrorism in the US until 9/11, leading to 168 deaths.",American citizens,"Timothy McVeigh, Terry Nichols",Negative,Technological and Scientific Advancements,North America,['Crisis and Emergency Response'] +670,Hurricane Katrina,29,August,2005,USA,Natural Disaster,Gulf Coast,"One of the deadliest hurricanes in US history, causing widespread destruction and loss of life.",Gulf Coast residents,Unknown,Negative,Environmental and Health,North America,['Environmental and Health'] +671,Black Lives Matter Movement, ,Unknown,2013,USA,Social Movement,Nationwide,Movement against violence and systemic racism towards black people.,African American community,"Activists, general public",Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Political Events']" +672,Supreme Court Upholds Obamacare,28,June,2012,USA,Judicial,Washington D.C.,"Affirmed the constitutionality of the Affordable Care Act, ensuring continued health coverage.",American citizens,Supreme Court,Positive,Legal and Judicial Changes,North America,"['International Relations and Diplomacy', 'Legal and Judicial Changes']" +673,USUnknownMexico Border Wall Expansion, ,Unknown,2017,USA,Political/Infrastructure,USUnknownMexico Border,Controversial project aimed at curbing illegal immigration and trafficking.,"Migrants, American citizens",Donald Trump,Mixed,Technological and Scientific Advancements,North America,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +674,SameUnknownSex Marriage Legalization,26,June,2015,USA,Legal,Nationwide,"Supreme Court legalized sameUnknownsex marriage, a landmark decision.","LGBTQ+ community, citizens","Supreme Court, LGBTQ+ activists",Positive,Legal and Judicial Changes,North America,['Legal and Judicial Changes'] +675,#MeToo Movement, ,Unknown,2017,USA,Social Movement,Nationwide,"Movement against sexual harassment and assault, sparking global conversations.","Survivors, general public","Tarana Burke, Alyssa Milano",Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Crisis and Emergency Response']" +676,Capitol Riot,6,January,2021,USA,Political,Washington D.C.,"Violent attack on the US Capitol, leading to concerns about democracy.",American citizens,"Proponents of false claims, law enforcement",Negative,Political Events,North America,"['Political Events', 'Crisis and Emergency Response']" +677,George Floyd Protests and Derek Chauvin Trial, ,Unknown,2020,USA,Social Movement/Legal,Nationwide,Nationwide protests against racial injustice; Derek Chauvin's trial and conviction.,"Black community, citizens","Activists, legal system",Mixed,Technological and Scientific Advancements,North America,"['Political Events', 'Legal and Judicial Changes']" +678,Paris Agreement Rejoining,20,January,2021,USA,Environmental,International,"Rejoined the Paris Agreement, signaling renewed commitment to climate action.",Global community,"Joe Biden, International leaders",Positive,Technological and Scientific Advancements,North America,"['Social and Cultural Events', 'International Relations and Diplomacy']" +679,Hurricane Sandy,29,October,2012,USA,Natural Disaster,East Coast,Devastating hurricane causing extensive damage and highlighting climate risks.,East Coast residents,"Local governments, relief efforts",Negative,Environmental and Health,North America,['Environmental and Health'] +680,Affordable Care Act (Obamacare) Implementation, ,Unknown,2010,USA,Healthcare,Nationwide,Implementation of the Affordable Care Act aimed at improving healthcare access.,American citizens,"Barack Obama, Healthcare professionals",Positive,Technological and Scientific Advancements,North America,"['Legal and Judicial Changes', 'Social and Civil Rights']" +681,March on Washington for Jobs and Freedom,28,August,1963,USA,Social Movement,Washington D.C.,"Iconic civil rights march, culminating in Martin Luther King Jr.'s ""I Have a Dream"" speech.","Civil rights activists, citizens","Martin Luther King Jr., Activists",Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Political Events']" +682,Assassination of President John F. Kennedy,22,November,1963,USA,Political,"Dallas, Texas","Shocked the nation, leading to significant political consequences.",American public,Lee Harvey Oswald (alleged),Negative,Political Events,North America,"['Political Events', 'Crisis and Emergency Response']" +683,Stonewall Riots,28,June,1969,USA,Social Movement,"New York, NY",Marked the beginning of the modern LGBTQ+ rights movement.,LGBTQ+ community,"LGBTQ+ activists, police",Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Political Events']" +684,Roe v. Wade Supreme Court Decision,22,January,1973,USA,Judicial,Washington D.C.,"Legalized abortion nationwide, sparking ongoing debates.",Women nationwide,Supreme Court,Positive,Legal and Judicial Changes,North America,"['Political Events', 'Legal and Judicial Changes']" +685,Tech Boom and DotUnknowncom Bubble, ,Unknown,1990,USA,Economic,"Silicon Valley, CA","Rapid growth in tech industry, followed by a market crash in 2000.","Tech companies, investors","Tech entrepreneurs, investors",Mixed,Economic and Infrastructure Development,North America,"['Economic and Infrastructure Development', 'Environmental and Health']" +686,Enactment of the Patriot Act,26,October,2001,USA,Legislative,Nationwide,"Expanded surveillance powers postUnknown9/11, raising privacy concerns.",American citizens,"George W. Bush, Congress",Mixed,Political Events,North America,"['Crisis and Emergency Response', 'Legal and Judicial Changes']" +687,Housing Market Crash and Great Recession, ,Unknown,2008,USA,Economic,Nationwide,"Triggered global financial crisis, leading to widespread economic hardship.","Homeowners, global economy","Financial institutions, government",Negative,Economic and Infrastructure Development,North America,"['Economic and Infrastructure Development', 'Environmental and Health']" +688,Charlottesville Rally and Violence,12,August,2017,USA,Social Unrest,"Charlottesville, VA",Highlighted racial tensions and sparked national debate on hate groups.,"General public, activists","White supremacists, counterprotesters",Negative,Political Events,North America,"['Social and Cultural Events', 'Political Events']" +689,US Recognition of Jerusalem as Israel's Capital,6,December,2017,USA,International Policy,International,"Shifted US foreign policy, leading to global reactions and tensions.",International community,"Donald Trump, Israeli government",Mixed,International Relations and Diplomacy,North America,['International Relations and Diplomacy'] +690,January 6 Capitol Attack,6,January,2021,USA,Domestic Terrorism,Washington D.C.,"Attempt to overturn the 2020 presidential election results, challenging democratic norms.",American public,"ProUnknownTrump rioters, U.S. Congress",Negative,Technological and Scientific Advancements,North America,"['Political Events', 'Crisis and Emergency Response']" +691,Withdrawal from Afghanistan,30,August,2021,USA,Military,Afghanistan,"Ended America's longest war, resulting in rapid Taliban takeover.","Afghan citizens, U.S. military","U.S. Government, Taliban",Negative,Military and Conflict,North America,"['Political Events', 'Military and Conflict']" +692,First Woman Vice President Elected,20,January,2021,USA,Political,Nationwide,"Kamala Harris becomes the first female, first Black, and first Asian American vice president.",American citizens,"Kamala Harris, American voters",Positive,Political Events,North America,"['Social and Cultural Events', 'Historical and Monumental', 'Political Events', 'Legal and Judicial Changes']" +693,Supreme Court Overturns Roe v. Wade,24,June,2022,USA,Judicial,Nationwide,"Ended federal protection for abortion rights, leaving regulation to states.",Women nationwide,U.S. Supreme Court,Negative,Legal and Judicial Changes,North America,['Legal and Judicial Changes'] +694,Launch of James Webb Space Telescope,25,December,2021,USA,Space Exploration,Space,"Advanced space observatory to study the universe, successor to Hubble.",Global community,"NASA, ESA, CSA",Positive,Technological and Scientific Advancements,North America,"['Technological and Scientific Advancements', 'International Relations and Diplomacy']" +695,Boston Tea Party,16,December,1773,USA,Political Protest,"Boston, MA",Protest against British taxes on tea; pivotal event leading to the American Revolution.,Colonists,American Patriots,Positive,Political Events,North America,"['Social and Cultural Events', 'Political Events']" +696,Lewis and Clark Expedition, ,May,1804,USA,Exploration,Western USA,Expedition to explore the newly acquired western territory of the United States.,American explorers,"Meriwether Lewis, William Clark",Positive,Other,North America,"['Historical and Monumental', 'Technological and Scientific Advancements']" +697,California Gold Rush, ,January,1848,USA,Economic,California,Led to a massive influx of settlers and rapid economic growth.,Prospective miners,James W. Marshall,Positive,Economic and Infrastructure Development,North America,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +698,Seneca Falls Convention,19,July,1848,USA,Social Movement,"Seneca Falls, NY","First women's rights convention in the U.S., sparking the suffrage movement.","Women, activists","Elizabeth Cady Stanton, Lucretia Mott",Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Political Events']" +699,Emancipation Proclamation,1,January,1863,USA,Legislative,Confederate States,Declared the freedom of all slaves in ConfederateUnknownheld territory.,Enslaved African Americans,Abraham Lincoln,Positive,Political Events,North America,"['Political Events', 'Military and Conflict']" +700,Transcontinental Railroad Completed,10,May,1869,USA,Infrastructure,"Promontory, Utah","Connected the East and West coasts, facilitating travel and commerce.",American settlers,"Union Pacific, Central Pacific Railroads",Positive,Economic and Infrastructure Development,North America,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +701,SpanishUnknownAmerican War, ,April,1898,USA,Military,"Cuba, Philippines",Resulted in U.S. acquiring territories and emerging as a world power.,"Cubans, Filipinos, Americans",William McKinley,Positive,Military and Conflict,North America,['Military and Conflict'] +702,Wright Brothers' First Flight,17,December,1903,USA,Aviation,"Kitty Hawk, NC",Marked the beginning of powered flight and the aviation era.,Global population,Orville and Wilbur Wright,Positive,Technological and Scientific Advancements,North America,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +703,MexicanUnknownAmerican War, ,April,1846,USA,Military,Southwestern USA,Resulted in U.S. acquiring territories including California and New Mexico.,"Mexican, American citizens",James K. Polk,Positive,Military and Conflict,North America,"['Political Events', 'Military and Conflict']" +704,Dred Scott Decision,6,March,1857,USA,Judicial,Supreme Court,Ruled African Americans could not be American citizens and negated Missouri Compromise.,African Americans,Supreme Court,Negative,Legal and Judicial Changes,North America,"['Political Events', 'Legal and Judicial Changes']" +705,Homestead Act,20,May,1862,USA,Legislative,Western Territories,"Provided land to settlers for development, leading to westward expansion.",American settlers,Abraham Lincoln,Positive,Political Events,North America,"['Economic and Infrastructure Development', 'Political Events']" +706,Completion of the Panama Canal,15,August,1914,USA,Engineering Achievement,Panama,Facilitated maritime trade between Atlantic and Pacific oceans.,Global shipping industry,"Theodore Roosevelt, Engineers",Positive,Technological and Scientific Advancements,North America,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +707,Entry into World War I,6,April,1917,USA,Military,Europe,"Marked U.S. entry into WWI, significant impact on the war's outcome.","European, American forces",Woodrow Wilson,Mixed,Military and Conflict,North America,"['Military and Conflict', 'International Relations and Diplomacy']" +708,Prohibition Era Begins,17,January,1920,USA,Legislative,Nationwide,"Nationwide ban on alcohol production, sale, and transport.",American citizens,"US Government, Temperance movements",Negative,Political Events,North America,"['Social and Cultural Events', 'Legal and Judicial Changes']" +709,Social Security Act,14,August,1935,USA,Social Welfare Legislation,Nationwide,Established a system of oldUnknownage benefits and unemployment insurance.,"American workers, elderly",Franklin D. Roosevelt,Positive,Social and Cultural Events,North America,"['Economic and Infrastructure Development', 'Political Events']" +710,Attack on Pearl Harbor,7,December,1941,USA,Military,"Pearl Harbor, HI",Prompted U.S. entry into World War II.,"American military, civilians",Imperial Japanese Navy,Negative,Military and Conflict,North America,"['Military and Conflict', 'Crisis and Emergency Response']" +711,Manhattan Project and Atomic Bombing of Hiroshima and Nagasaki,Unknown,July,1945,USA,Military/Science,"Hiroshima, Nagasaki","Led to the end of World War II, significant ethical and geopolitical implications.","Japanese civilians, global community","U.S. Government, Scientists",Mixed,Social and Cultural Events,North America,"['Technological and Scientific Advancements', 'Crisis and Emergency Response']" +712,Marshall Plan Implementation, ,Unknown,1948,USA,Economic Aid,Western Europe,"U.S. program to aid Europe's recovery postUnknownWWII, strengthened Western alliances.",European nations,George Marshall,Positive,Social and Cultural Events,North America,['Economic and Infrastructure Development'] +713,United Nations Charter Ratification,26,June,1945,USA,International Relations,"San Francisco, CA","Founding of the United Nations, promoting international cooperation and peace.",Global community,"Franklin D. Roosevelt, International Leaders",Positive,International Relations and Diplomacy,North America,['International Relations and Diplomacy'] +714,Founding of Jamestown,14,May,1607,USA,Settlement,"Jamestown, VA","First permanent English settlement in the Americas, economic and cultural development.","English settlers, Native Americans","John Smith, Virginia Company of London",Positive,Economic and Infrastructure Development,North America,['Social and Cultural Events'] +715,Salem Witch Trials, ,February,1692,USA,Legal,"Salem, MA",Series of hearings and prosecutions of people accused of witchcraft.,Residents of Salem,Local magistrates,Negative,Legal and Judicial Changes,North America,"['Crisis and Emergency Response', 'Legal and Judicial Changes']" +716,French and Indian War, ,Unknown,1754,USA,Military,Eastern North America,"Conflict between British America and New France, part of a larger imperial war.","British, French colonies, Native Americans",British and French Empires,Mixed,Military and Conflict,North America,['Military and Conflict'] +717,Boston Massacre,5,March,1770,USA,PreUnknownRevolutionary Conflict,"Boston, MA","British soldiers killed five civilian men, fueling tensions leading to the revolution.",American colonists,British Army,Negative,Social and Cultural Events,North America,"['Military and Conflict', 'Crisis and Emergency Response']" +718,Writing of the Federalist Papers, ,October,1787,USA,Political,"New York, NY",Essays promoting the ratification of the U.S. Constitution.,American public,"Alexander Hamilton, James Madison, John Jay",Positive,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +719,War of 1812, ,June,1812,USA,Military,"USA, Canada","Conflict with Britain over maritime rights, territorial expansion, and trade.","American, British citizens",James Madison,Mixed,Military and Conflict,North America,['Military and Conflict'] +720,Missouri Compromise, ,March,1820,USA,Legislative,Missouri,Attempted to balance power between slave and free states entering the Union.,"American settlers, slaves",Henry Clay,Mixed,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +721,Trail of Tears, ,Unknown,1838,USA,Forced Relocation,Southeastern USA,"Forced removal of Cherokee and other tribes from their lands, many deaths.",Native American tribes,Andrew Jackson,Negative,Social and Cultural Events,North America,"['Historical and Monumental', 'Environmental and Health']" +722,Compromise of 1850, ,September,1850,USA,Legislative,Washington D.C.,Series of laws attempting to address slavery and territorial expansion.,"American public, slaves","Henry Clay, Stephen A. Douglas",Mixed,Political Events,North America,['Legal and Judicial Changes'] +723,KansasUnknownNebraska Act,30,May,1854,USA,Legislative,"Kansas, Nebraska","Allowed states to decide on slavery, leading to ""Bleeding Kansas"" and heightened sectional tensions.","American settlers, slaves",Stephen A. Douglas,Negative,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +724,Alaska Purchase,30,March,1867,USA,Territorial Acquisition,Alaska,"Acquisition of Alaska from Russia, significantly expanding U.S. territory.",American settlers,William H. Seward,Positive,Technological and Scientific Advancements,North America,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +725,Reconstruction Era, ,Unknown,1865,USA,PostUnknownCivil War Reconstruction,Southern USA,"Attempt to rebuild and reform the Southern states postUnknownCivil War, mixed success.","Southern Americans, freed slaves",U.S. Government,Mixed,Social and Cultural Events,North America,"['Political Events', 'Military and Conflict']" +726,Gilded Age, ,Unknown,1870,USA,Economic/Social,Nationwide,"Period of rapid economic growth, industrialization, and political corruption.",American citizens,"Industrialists, politicians",Mixed,Social and Cultural Events,North America,['Economic and Infrastructure Development'] +727,Confederation of Canada,1,July,1867,Canada,Political,Ottawa,Unification of provinces into a single dominion within the British Empire.,Canadians,"John A. Macdonald, GeorgeUnknownÉtienne Cartier",Positive,Political Events,North America,"['Social and Cultural Events', 'Political Events']" +728,Completion of the Canadian Pacific Railway,7,November,1885,Canada,Infrastructure,Nationwide,"Connected Eastern Canada to the West, facilitating settlement and trade.",Canadian settlers,Sir John A. Macdonald,Positive,Economic and Infrastructure Development,North America,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +729,Battle of Vimy Ridge,9,April,1917,Canada,Military,"Vimy Ridge, France",Marked a turning point in Canadian national pride and military achievement.,Canadian soldiers,Canadian Corps,Positive,Military and Conflict,North America,"['Social and Cultural Events', 'Military and Conflict']" +730,Discovery of Insulin,27,July,1921,Canada,Medical,Toronto,"Revolutionized the treatment of diabetes, saving countless lives.",Diabetics worldwide,"Frederick Banting, Charles Best",Positive,Social and Civil Rights,North America,['Social and Civil Rights'] +731,Newfoundland Joins Canada,31,March,1949,Canada,Political,Newfoundland,Newfoundland became the tenth province of Canada.,Newfoundlanders,Joey Smallwood,Positive,Political Events,North America,"['Economic and Infrastructure Development', 'Political Events']" +732,Adoption of the Maple Leaf Flag,15,February,1965,Canada,Cultural,Ottawa,The maple leaf became the national symbol on Canada's flag.,Canadians,Lester B. Pearson,Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Historical and Monumental', 'Political Events']" +733,Official Languages Act,9,September,1969,Canada,Legislative,Nationwide,Recognized English and French as the official languages of Canada.,Canadian citizens,Pierre Elliott Trudeau,Positive,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +734,Canada Act 1982 (Patriation of the Constitution),17,April,1982,Canada,Legislative,Ottawa,"Gave Canada full sovereignty, including the ability to amend its constitution.",Canadians,"Pierre Elliott Trudeau, Queen Elizabeth II",Positive,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +735,Oka Crisis,11,July,1990,Canada,Social Unrest,"Oka, Quebec","Standoff between Mohawk protesters, Quebec police, and the Canadian army.","Mohawk community, Canadians","Mohawk protestors, Canadian government",Negative,Political Events,North America,"['Social and Cultural Events', 'Political Events']" +736,NAFTA Agreement Signed,17,December,1992,Canada,Economic,Ottawa,North American Free Trade Agreement altered trade relations with the U.S. and Mexico.,Canadian businesses,Brian Mulroney,Mixed,Economic and Infrastructure Development,North America,"['Economic and Infrastructure Development', 'International Relations and Diplomacy']" +737,Apology to Residential School Survivors,11,June,2008,Canada,Social Justice,Ottawa,Official apology to Indigenous peoples for the residential school system.,Indigenous communities,Stephen Harper,Positive,Social and Cultural Events,North America,"['Historical and Monumental', 'Environmental and Health', 'Legal and Judicial Changes']" +738,Vancouver Winter Olympics,12,February,2010,Canada,Sports,Vancouver,"Hosted the Winter Olympics, showcasing Canada on the world stage.","Athletes, global audience",VANOC,Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Technological and Scientific Advancements', 'International Relations and Diplomacy', 'Environmental and Health']" +739,Legalization of SameUnknownSex Marriage,20,July,2005,Canada,Legislative,Nationwide,Made Canada the fourth country worldwide to legalize sameUnknownsex marriage.,LGBTQ+ community,Paul Martin,Positive,Political Events,North America,['Legal and Judicial Changes'] +740,Cannabis Legalization,17,October,2018,Canada,Legislative,Nationwide,Canada became the second country to legalize the recreational use of cannabis.,Canadian adults,Justin Trudeau,Positive,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +741,Murdered and Missing Indigenous Women Inquiry,8,December,2015,Canada,Social Justice,Nationwide,National inquiry into the systemic causes of violence against Indigenous women.,Indigenous communities,Justin Trudeau,Ongoing,Social and Cultural Events,North America,"['Social and Cultural Events', 'Legal and Judicial Changes']" +742,Fort McMurray Wildfire,1,May,2016,Canada,Natural Disaster,"Fort McMurray, AB","One of Canada's costliest disasters, leading to massive evacuations.",Residents of Fort McMurray,Unknown,Negative,Environmental and Health,North America,['Environmental and Health'] +743,Establishment of Nunavut,1,April,1999,Canada,Political,Northern Canada,"Creation of Nunavut as a territory, acknowledging Inuit selfUnknowngovernance.",Inuit population,"Canadian Government, Inuit leaders",Positive,Political Events,North America,"['Social and Cultural Events', 'Political Events']" +744,Quebec Referendum on Sovereignty,30,October,1995,Canada,Political,Quebec,"Referendum on Quebec's independence from Canada, narrowly defeated.",Quebecers,"Jacques Parizeau, Lucien Bouchard",Negative,Political Events,North America,"['Political Events', 'Military and Conflict']" +745,Charlottetown Accord Referendum,26,October,1992,Canada,Political,Nationwide,Proposed constitutional changes defeated in a national referendum.,Canadian citizens,"Brian Mulroney, Provincial Premiers",Negative,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +746,Red River Resistance, ,Unknown,1869,Canada,Political,Red River Colony,"Led by Métis leader Louis Riel, resisting Canadian authority to maintain Métis rights and culture.","Métis, settlers",Louis Riel,Mixed,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +747,Klondike Gold Rush, ,Unknown,1896,Canada,Economic,Yukon,"Attracted thousands of prospectors to the Yukon, significant economic impact.","Prospectors, Indigenous peoples",Unknown,Positive,Economic and Infrastructure Development,North America,"['Economic and Infrastructure Development', 'Environmental and Health']" +748,Halifax Explosion,6,December,1917,Canada,Disaster,"Halifax, NS","One of the world's largest nonUnknownnuclear explosions, devastating Halifax.",Residents of Halifax,Unknown,Negative,Crisis and Emergency Response,North America,"['Crisis and Emergency Response', 'Environmental and Health']" +749,Internment of Japanese Canadians, ,Unknown,1942,Canada,Civil Rights Violation,British Columbia,"Internment of Japanese Canadians during WWII, violation of civil liberties.",Japanese Canadian community,Canadian Government,Negative,Social and Cultural Events,North America,"['Military and Conflict', 'Legal and Judicial Changes']" +750,Discovery of Oil in Alberta,13,February,1947,Canada,Economic,"Leduc, Alberta","Led to Alberta's oil boom, transforming Canada's energy sector.",Canadian economy,Imperial Oil,Positive,Economic and Infrastructure Development,North America,"['Economic and Infrastructure Development', 'Environmental and Health']" +751,Balfour Declaration of 1926,18,November,1926,Canada,Political,"London, UK",Recognized Canada and other dominions as autonomous within the British Empire.,Canadians,Imperial Conference of 1926,Positive,Political Events,North America,"['Political Events', 'Military and Conflict']" +752,Statute of Westminster,11,December,1931,Canada,Legislative,"London, UK",Gave Canada legislative independence from the UK.,Canadians,British Parliament,Positive,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +753,Conscription Crisis of 1944, ,Unknown,1944,Canada,Political,Nationwide,Deepened the divide between English and French Canadians over WWII conscription.,Canadian citizens,William Lyon Mackenzie King,Negative,Political Events,North America,"['Political Events', 'Military and Conflict']" +754,Discovery of Insulin,27,July,1921,Canada,Medical,Toronto,Revolutionized the treatment of diabetes globally.,Diabetics worldwide,"Frederick Banting, Charles Best",Positive,Social and Civil Rights,North America,['Social and Civil Rights'] +755,Joining of Newfoundland,31,March,1949,Canada,Political,Newfoundland,Newfoundland became Canada's tenth province.,Newfoundlanders,Joey Smallwood,Positive,Political Events,North America,"['Political Events', 'Military and Conflict']" +756,Creation of the Canadian Flag,15,February,1965,Canada,Cultural,Ottawa,Adoption of the red maple leaf flag as the national flag of Canada.,Canadians,Lester B. Pearson,Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Political Events']" +757,Official Languages Act,9,September,1969,Canada,Legislative,Nationwide,Made English and French the official languages of Canada.,Canadian citizens,Pierre Elliott Trudeau,Positive,Political Events,North America,"['Social and Cultural Events', 'Political Events']" +758,Patriation of the Canadian Constitution,17,April,1982,Canada,Legislative,Ottawa,Canada gained full sovereignty with the ability to amend its own constitution.,Canadians,"Pierre Elliott Trudeau, Queen Elizabeth II",Positive,Political Events,North America,"['Political Events', 'Legal and Judicial Changes']" +759,Establishment of Nunavut,1,April,1999,Canada,Political,Northern Canada,Creation of Nunavut provided a separate territory for the Inuit people.,Inuit population,Canadian Government,Positive,Political Events,North America,"['Social and Cultural Events', 'Political Events']" +760,Signing of the Magna Carta,15,June,1215,UK,Legal,Runnymede,Foundation of constitutional law,English society,King John of England,Positive,Legal and Judicial Changes,Europe,['Legal and Judicial Changes'] +761,Establishment of the Church of England,Unknown,March,1534,UK,Religious Reformation,London,Established a national church separate from the Catholic Church,English population,King Henry VIII,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +762,Defeat of the Spanish Armada,8,August,1588,UK,Military,English Channel,Ensured English naval dominance,English population,Queen Elizabeth I,Positive,Military and Conflict,Europe,['Military and Conflict'] +763,Union of the Crowns,24,March,1603,UK,Political,London,James VI of Scotland also became James I of England, uniting the crowns,"Scottish and English populations, James VI and I",Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +764,English Civil War Begins,22,August,1642,UK,Civil War,England,Establishment of Parliamentary supremacy over the monarchy,English population,"King Charles I, Oliver Cromwell",Mixed,Military and Conflict,Europe,['Military and Conflict'] +765,The Restoration of the Monarchy,29,May,1660,UK,Political,London,Restored the monarchy under Charles II,English population,Charles II,Positive,Political Events,Europe,['Political Events'] +766,Act of Union with Scotland,1,May,1707,UK,Union,Scotland and England,Formed the Kingdom of Great Britain,Scottish and English populations,Queen Anne,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +767,Industrial Revolution Begins,Unknown,Unknown,1760,UK,Industrial,Various,Initiated industrialization and economic growth,Global population,British inventors and entrepreneurs,Positive,Social and Cultural Events,Europe,['Economic and Infrastructure Development'] +768,Act of Union with Ireland,1,January,1801,UK,Union,London,United Great Britain and Ireland,Creating the United Kingdom,"Irish and British populations, Parliament of Great Britain and Ireland",Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +769,Battle of Trafalgar,21,October,1805,UK,Military,Trafalgar,Ensured British naval supremacy,Napoleonic France,Admiral Nelson,Positive,Military and Conflict,Europe,['Military and Conflict'] +770,Reform Act 1832,Unknown,Unknown,1832,UK,Political Reform,Parliament,Expanded electoral franchise and reformed Parliament,British electorate,Parliament of the United Kingdom,Positive,Political Events,Europe,['Political Events'] +771,Queen Victoria's Reign Begins,20,June,1837,UK,Monarchical,London,Marked the beginning of the Victorian Era,British Empire,Queen Victoria,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +772,"Publication of Darwin's ""On the Origin of Species""",24,November,1859,UK,Scientific,London,Laid the foundation of evolutionary biology,Scientific community,Charles Darwin,Positive,Technological and Scientific Advancements,Europe,"['Social and Cultural Events', 'Historical and Monumental', 'Technological and Scientific Advancements']" +773,Establishment of the Welfare State,Unknown,Unknown,1948,UK,Social Reform,Various,Introduced the National Health Service and social welfare programs,British population,UK Government,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +774,Decolonization Begins,Unknown,Unknown,1947,UK,Political,Various,Began the process of decolonizing the British Empire,Colonial territories,UK Government,Mixed,Political Events,Europe,['Political Events'] +775,Suez Crisis,Unknown,Unknown,1956,UK,International Conflict,Suez Canal,Marked the decline of Britain's imperial power,UK and Egypt,UK Government,Negative,Social and Cultural Events,Europe,['Military and Conflict'] +776,The Beatles' Rise to Fame,Unknown,Unknown,1962,UK,Cultural,Liverpool,Global cultural impact through music,Worldwide,The Beatles,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +777,Falklands War,2,April,1982,UK,Military,Falkland Islands,Reasserted British control over the Falklands,UK and Argentina,UK Government,Mixed,Military and Conflict,Europe,"['Political Events', 'Military and Conflict']" +778,Good Friday Agreement,10,April,1998,UK,Peace Process,Northern Ireland,Ended most of the violence of the Troubles,Northern Irish population,UK and Irish Governments,Positive,Political Events,Europe,"['Social and Cultural Events', 'International Relations and Diplomacy']" +779,Brexit Referendum,23,June,2016,UK,Political,UK,UK voted to leave the European Union,British population,UK Government,Mixed,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +780,Great Fire of London,2,September,1666,UK,Disaster,London,Destruction of much of medieval London,London's population,Unspecified,Negative,Crisis and Emergency Response,Europe,['Crisis and Emergency Response'] +781,Abolition of the Slave Trade Act,25,March,1807,UK,Legislation,Parliament,Ended British trade in enslaved Africans,British Empire,William Wilberforce,Positive,Other,Europe,['Legal and Judicial Changes'] +782,First Railway Line Opens,27,September,1825,UK,Transportation,Stockton to Darlington,Inauguration of the modern railway system,British population,George Stephenson,Positive,Social and Cultural Events,Europe,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +783,Women's Suffrage Achieved,6,February,1918,UK,Social Reform,Parliament,Granted voting rights to women over 30,British women,UK Government,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +784,Battle of Britain,10,July,1940,UK,Military,Skies over Britain,Key WWII air battle ensuring UK's defense,British population,Winston Churchill,Positive,Military and Conflict,Europe,"['Technological and Scientific Advancements', 'Military and Conflict']" +785,National Health Service Established,5,July,1948,UK,Social Reform,UK,Creation of publicly funded healthcare system,British population,Clement Attlee,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Social and Civil Rights']" +786,First Human DNA Sequencing,10,May,1997,UK,Scientific,Aldermaston,Significant advancement in genetics and medicine,Global scientific community,Frederick Sanger,Positive,Technological and Scientific Advancements,Europe,"['Technological and Scientific Advancements', 'Social and Civil Rights']" +787,Scottish Devolution Referendum,11,September,1997,UK,Political,Scotland,Established a devolved Scottish Parliament,Scottish population,UK Government,Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +788,London Underground Bombings,7,July,2005,UK,Terrorism,London,Major terrorist attack on public transport,London's population,Islamist terrorists,Negative,Crisis and Emergency Response,Europe,['Crisis and Emergency Response'] +789,2012 London Olympics,27,July,2012,UK,Sporting Event,London,Showcased UK on global stage and boosted economy,UK and global visitors,International Olympic Committee,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'International Relations and Diplomacy']" +790,SameUnknownSex Marriage Legalized,29,March,2014,UK,Legislation,UK,Legalization of sameUnknownsex marriage in England and Wales,British LGBTQ+ community,UK Government,Positive,Other,Europe,['Legal and Judicial Changes'] +791,Scottish Independence Referendum,18,September,2014,UK,Political,Scotland,Scotland voted to remain in the UK,Scottish population,Scottish Government,Positive,Political Events,Europe,"['Political Events', 'Military and Conflict']" +792,Grenfell Tower Fire,14,June,2017,UK,Disaster,London,Deadly fire causing significant loss of life and raising safety concerns,London's population,Local authorities,Negative,Crisis and Emergency Response,Europe,['Environmental and Health'] +793,COVIDUnknown19 Pandemic in the UK,March,Unknown,2020,UK,Health,London and nationwide,Significant impact on public health and economy,British population,UK Government,Negative,Social and Cultural Events,Europe,"['Economic and Infrastructure Development', 'Environmental and Health']" +794,Prince Philip's Death,9,April,2021,UK,Royal Event,Windsor,Marked the end of an era in the British monarchy,British population,Royal Family,Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +795,Introduction of the Penny Post,10,January,1840,UK,Innovation,UK,Revolutionized the postal system,British population,Sir Rowland Hill,Positive,Social and Cultural Events,Europe,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +796,First Television Broadcast by BBC,2,November,1936,UK,Media,London,Beginning of television broadcasting,British population,BBC,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events', 'Technological and Scientific Advancements']" +797,Signing of the AngloUnknownIrish Treaty,6,December,1921,UK,Political Agreement,London,Established the Irish Free State and ended the Irish War of Independence,Irish population,UK Government,Positive,Political Events,Europe,['Political Events'] +798,Creation of the Commonwealth of Nations,28,April,1949,UK,International Organization,London,Formation of an intergovernmental organization of former British colonies,Member states,UK Government,Positive,Social and Cultural Events,Europe,['Social and Cultural Events'] +799,Start of the Hundred Years' War,Unknown,Unknown,1337,UK,Military,France,Long conflict between England and France,English and French populations,English and French monarchies,Negative,Military and Conflict,Europe,['Military and Conflict'] +800,The Glorious Revolution,Unknown,Unknown,1688,UK,Political,England,Established constitutional monarchy in England,English population,William of Orange,Positive,Political Events,Europe,['Political Events'] +801,Battle of Waterloo,18,June,1815,UK,Military,Waterloo,Defeat of Napoleon and end of the Napoleonic Wars,British and allied armies,Duke of Wellington,Positive,Military and Conflict,Europe,['Military and Conflict'] +802,Chartist Movement,Unknown,Unknown,1838,UK,Social Movement,Various,Demand for political reforms and workers' rights,WorkingUnknownclass population,Chartist leaders,Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +803,Discovery of Penicillin,28,September,1928,UK,Medical,St Mary's Hospital,London,Revolutionized medicine and treatment of bacterial infections,Global population,Positive,Social and Civil Rights,Europe,['Social and Civil Rights'] +804,British Exit from the European Exchange Rate Mechanism,16,September,1992,UK,Economic,UK,'Black Wednesday' financial crisis,British economy,UK Government,Negative,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Military and Conflict']" +805,Queen Elizabeth II's Coronation,2,June,1953,UK,Royal Event,Westminster Abbey,Beginning of the second Elizabethan era,British population,Queen Elizabeth II,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +806,First Cloned Mammal Unknown Dolly the Sheep,5,July,1996,UK,Scientific,Roslin Institute,Advancement in cloning technology,Scientific community,Ian Wilmut and team,Positive,Technological and Scientific Advancements,Europe,"['Social and Cultural Events', 'Historical and Monumental', 'Technological and Scientific Advancements', 'Social and Civil Rights']" +807,UK Hosts the G8 Summit,17,July,2005,UK,International Politics,Gleneagles,Focus on climate change and Africa's development,Global leaders,UK Government,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'International Relations and Diplomacy']" +808,Theresa May becomes Prime Minister,13,July,2016,UK,Political,London,Second female Prime Minister in UK history,British population,Conservative Party,Mixed,Political Events,Europe,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Political Events', 'Military and Conflict']" +809,UK Authorizes COVIDUnknown19 Vaccine,2,December,2020,UK,Health,UK,First country to authorize a COVIDUnknown19 vaccine for emergency use,British and global populations,UK Government,Positive,Social and Cultural Events,Europe,"['Technological and Scientific Advancements', 'Social and Civil Rights']" +810,Stonehenge Completion,Unknown,Unknown,2500 BC,UK,Prehistoric Monument,Salisbury Plain,Creation of iconic Neolithic monument,Ancient Britons,Neolithic builders,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +812,First English Parliament,20,January,1265,UK,Political,Oxford,Formation of the first English Parliament,English nobility,Simon de Montfort,Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +813,Battle of Agincourt,25,October,1415,UK,Military,Agincourt,Decisive English victory in the Hundred Years' War,English and French armies,Henry V,Positive,Military and Conflict,Europe,['Military and Conflict'] +814,The Plague (Black Death) Arrives in England,Unknown,Unknown,1348,UK,Health,Various,Devastating epidemic that significantly reduced the population,English population,Unknown,Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Environmental and Health']" +815,The Armada Portrait of Elizabeth I,Unknown,Unknown,1588,UK,Cultural,London,Symbolized English victory over the Spanish Armada,English society,Elizabeth I,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Military and Conflict']" +816,Act of Supremacy,3,November,1534,UK,Legislation,Parliament,Confirmed the King's status as head of the Church of England,English Church,Henry VIII,Positive,Other,Europe,"['Political Events', 'Legal and Judicial Changes']" +817,Bloody Sunday in Northern Ireland,30,January,1972,UK,Civil Rights,Derry,Civil rights protest turned deadly,Northern Irish civilians,British Army,Negative,Political Events,Europe,"['Crisis and Emergency Response', 'Environmental and Health']" +818,The Big Freeze of 1963,Unknown,January,1963,UK,Natural Event,UK,One of the coldest winters on record,British population,Weather conditions,Negative,Social and Cultural Events,Europe,"['Technological and Scientific Advancements', 'Crisis and Emergency Response', 'Environmental and Health']" +819,UK Hosts the First Rugby World Cup,Unknown,Unknown,1987,UK,Sporting Event,Various,Inaugural Rugby World Cup,International rugby fans,Rugby Football Union,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Military and Conflict', 'International Relations and Diplomacy']" +821,Battle of Tours,10,October,732,France,Battle,Tours,Christian Franks defeat Muslim forces halting the advance of Islam into Western Europe,European Christians,Charles Martel,Positive,Military and Conflict,Europe,"['Social and Cultural Events', 'Military and Conflict']" +822,Signing of the Treaty of Verdun,Unknown,Unknown,843,France,Treaty,Verdun,Division of the Carolingian Empire among Charlemagne's grandsons leading to the formation of modern European states,Carolingian heirs,Louis the Pious' sons,Positive,Political Events,Europe,['Social and Cultural Events'] +823,Coronation of Charlemagne as Holy Roman Emperor,25,December,800,France,Coronation,Rome,Establishment of the Holy Roman Empire,European Christians,Charlemagne,Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +824,Launch of the First Crusade,27,November,1095,France,Crusade,Clermont,Initiation of the Crusades to the Holy Land,European Christians,Pope Urban II,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Technological and Scientific Advancements']" +825,Establishment of the University of Paris,Unknown,Unknown,1150,France,Education,Paris,Foundation of one of the first universities in Europe,European scholars,King Louis VII,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Technological and Scientific Advancements']" +826,Start of the Hundred Years' War,Unknown,Unknown,1337,France,War,Various,Long conflict between England and France,English and French populations,English and French monarchies,Negative,Military and Conflict,Europe,['Military and Conflict'] +827,Joan of Arc lifts the Siege of Orléans,8,May,1429,France,Military,Orléans,Major turning point in the Hundred Years' War,French population,Joan of Arc,Positive,Military and Conflict,Europe,"['Historical and Monumental', 'Military and Conflict']" +828,End of the Hundred Years' War,19,October,1453,France,War,Various,France regains territories ending English territorial presence in France,French population,French monarchy,Positive,Military and Conflict,Europe,['Military and Conflict'] +829,Beginning of the French Renaissance,Unknown,Unknown,1495,France,Cultural,Various,"Revival of arts, science and culture inspired by Classical antiquity",French society,French monarchs,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +830,Publication of the Edict of Nantes,13,April,1598,France,Treaty,Nantes,Grant of religious freedom to Huguenots reducing religious conflicts,French Huguenots,Henry IV,Positive,Political Events,Europe,['Social and Cultural Events'] +831,Start of the French Revolution,14,July,1789,France,Revolution,Paris,Beginning of the end of monarchy and rise of the Republic,French population,Revolutionaries,Positive,Political Events,Europe,['Social and Cultural Events'] +832,Execution of Louis XVI,21,January,1793,France,Execution,Paris,Symbolic end of absolute monarchy and start of the Republic,French population,Revolutionary government,Negative,Social and Cultural Events,Europe,['Political Events'] +833,Napoleon Bonaparte's Coup d'Etat,9,November,1799,France,Political Coup,Paris,Establishment of the Consulate ending the French Revolution,French population,Napoleon Bonaparte,Positive,Political Events,Europe,['Political Events'] +834,Napoleonic Code Enacted,21,March,1804,France,Legislation,Paris,Foundation of modern legal systems in many countries,French population,Napoleon Bonaparte,Positive,Other,Europe,['Legal and Judicial Changes'] +835,FrancoUnknownPrussian War,19,July,1870,France,War,Various,Lead to the fall of the Second Empire and the establishment of the Third Republic,French population,Napoleon III,Negative,Military and Conflict,Europe,['Military and Conflict'] +836,Establishment of the Fifth Republic,4,October,1958,France,Political Change,Paris,New constitution and government structure strengthening presidential power,French population,Charles de Gaulle,Positive,Political Events,Europe,['Political Events'] +837,May 1968 Protests,Unknown,May,1968,France,Social Movement,Paris,Major social upheaval challenging traditional institutions,French students and workers,Student and worker unions,Mixed,Social and Cultural Events,Europe,['Social and Cultural Events'] +838,SameUnknownSex Marriage Legalized,18,May,2013,France,Legislation,Paris,Legalization of sameUnknownsex marriage in France,French LGBTQ+ community,French Government,Positive,Other,Europe,"['Social and Cultural Events', 'Legal and Judicial Changes']" +839,NotreUnknownDame de Paris Fire,15,April,2019,France,Disaster,Paris,Destruction and damage to a historic landmark,Global and French population,Unknown,Negative,Crisis and Emergency Response,Europe,['Environmental and Health'] +840,Yellow Vest Protests,17,November,2018,France,Protests,Various,Nationwide protests against fuel taxes and economic inequality,French population,Protesters,Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Political Events']" +841,France Wins the 2018 FIFA World Cup,15,July,2018,France,Sport,Moscow,Second World Cup win boosting national pride,French population,French national football team,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Military and Conflict', 'International Relations and Diplomacy']" +843,Battle of Agincourt,25,October,1415,France,Military,Agincourt,Significant English victory in the Hundred Years' War,English and French armies,Henry V,Positive,Military and Conflict,Europe,['Military and Conflict'] +844,French Revolution Begins,14,July,1789,France,Revolution,Paris,Overthrow of the monarchy and rise of democratic ideals,French population,Revolutionaries,Positive,Political Events,Europe,['Social and Cultural Events'] +845,Louis XVI Executed,21,January,1793,France,Execution,Paris,End of the monarchy and start of the French Republic,French population,Revolutionary government,Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +846,Reign of Terror Begins,5,September,1793,France,Political,Paris,Period of extreme violence and political purges,French population,Committee of Public Safety,Negative,Political Events,Europe,['Crisis and Emergency Response'] +847,Napoleon Crowned Emperor,2,December,1804,France,Coronation,Paris,Establishment of the First French Empire,French population,Napoleon Bonaparte,Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +848,End of Napoleonic Wars,18,June,1815,France,War,Waterloo,Defeat of Napoleon and restoration of European monarchies,European population,Allied forces,Negative,Military and Conflict,Europe,['Military and Conflict'] +849,Second French Empire Declared,2,December,1852,France,Political,Paris,Establishment of the empire under Napoleon III,French population,Napoleon III,Positive,Political Events,Europe,['Political Events'] +850,Paris Commune,18,March,1871,France,Revolt,Paris,Revolutionary government in Paris following FrancoUnknownPrussian War,Parisians,Communards,Negative,Other,Europe,['Political Events'] +851,Dreyfus Affair,Unknown,Unknown,1894,France,Political Scandal,Paris,Wrongful conviction for treason exposing antiUnknownSemitism and political division,French population,Alfred Dreyfus,Mixed,Political Events,Europe,"['Political Events', 'Military and Conflict']" +852,Women Gain the Right to Vote,21,April,1944,France,Legislation,Paris,Women's suffrage achieved,French women,Charles de Gaulle's provisional government,Positive,Other,Europe,"['Political Events', 'Legal and Judicial Changes']" +853,Signing of the Treaty of Rome,25,March,1957,France,Political,Rome,Foundation of the European Economic Community,European populations,EEC founding members,Positive,Political Events,Europe,['Social and Cultural Events'] +854,May 1968 Student Protests,Unknown,May,1968,France,Social Movement,Paris,Major social and political upheaval,French students and workers,Student and labor unions,Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +855,Introduction of the Euro,1,January,1999,France,Economic,Paris,Adoption of the Euro as currency,European Union members,French Government,Positive,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Political Events']" +856,France Bans Smoking in Public Places,1,January,2007,France,Health,Various,Public health measure to reduce smoking,French population,French Government,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Environmental and Health', 'Legal and Judicial Changes']" +858,Rise of the Roman Republic,509,Unknown,509,Italy,Political Change,Rome,End of Roman Kingdom and establishment of the republic,Roman population,Republican leaders,Positive,Political Events,Europe,['Political Events'] +859,Punic Wars Begin,264,Unknown,264,Italy,War,Various,Conflict between Rome and Carthage for control of the Mediterranean,Roman and Carthaginian populations,Roman and Carthaginian states,Negative,Military and Conflict,Europe,['Military and Conflict'] +862,Fall of the Western Roman Empire,4,September,476,Italy,Empire Fall,Rome,End of the Western Roman Empire and beginning of the Middle Ages,Roman population,Odoacer,Negative,Military and Conflict,Europe,"['Social and Cultural Events', 'Military and Conflict']" +863,Crowning of Charlemagne,25,December,800,Italy,Coronation,Rome,Establishment of the Holy Roman Empire,European Christians,Charlemagne,Positive,Political Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +864,First Crusade Announced,27,November,1095,Italy,Religious War,Clermont (announced),Initiation of the Crusades to the Holy Land,European Christians,Pope Urban II,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Military and Conflict']" +865,Signing of the Treaty of Lodi,9,April,1454,Italy,Treaty,Lodi,Established a balance of power among Italian cityUnknownstates,Italian cityUnknownstates,Italian rulers,Positive,Political Events,Europe,['Social and Cultural Events'] +866,Fall of Constantinople,29,May,1453,Italy,Conquest,Constantinople (Impact on Italy),Sparked the Renaissance through the migration of Greek scholars to Italy,Italian cityUnknownstates,Ottoman Empire,Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +867,Leonardo da Vinci Completes the Mona Lisa,Unknown,Unknown,1503,Italy,Artistic Achievement,Florence,Creation of one of the most famous paintings in history,Global population,Leonardo da Vinci,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental', 'Technological and Scientific Advancements', 'Crisis and Emergency Response']" +868,Sack of Rome,6,May,1527,Italy,Military Sack,Rome,End of the Renaissance in Rome,Roman population,Charles V's troops,Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Military and Conflict']" +869,Galileo Galilei's Telescope Presentation,25,August,1609,Italy,Scientific Achievement,Venice,Revolution in astronomical observations,Scientific community,Galileo Galilei,Positive,Technological and Scientific Advancements,Europe,"['Historical and Monumental', 'Technological and Scientific Advancements']" +870,Treaty of Utrecht Ends the War of Spanish Succession,11,April,1713,Italy,Treaty,Utrecht (Impact on Italy),Redefined European power balance,Italian states among others,European powers,Mixed,Political Events,Europe,"['Political Events', 'Military and Conflict']" +871,Unification of Italy Proclaimed,17,March,1861,Italy,Unification,Turin,Establishment of the Kingdom of Italy,Italian population,Victor Emmanuel II,Positive,Social and Cultural Events,Europe,['Social and Cultural Events'] +872,Mussolini's March on Rome,28,October,1922,Italy,Coup,Rome,Fascist takeover of Italy,Italian population,Benito Mussolini,Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +873,Signing of the Lateran Treaty,11,February,1929,Italy,Treaty,Rome,Establishment of Vatican City as an independent state,Italian population and the Catholic Church,Benito Mussolini and Pope Pius XI,Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +874,Italy Enters World War II,10,June,1940,Italy,War Declaration,Various,Alliance with Germany and Japan,Italian population,Benito Mussolini,Negative,Social and Cultural Events,Europe,"['Military and Conflict', 'International Relations and Diplomacy']" +875,Fall of Mussolini,25,July,1943,Italy,Political Change,Rome,Ouster of Benito Mussolini from power,Italian population,King Victor Emmanuel III,Negative,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +876,Italian Republic Established,2,June,1946,Italy,Referendum,Rome,End of the monarchy and establishment of a republic,Italian population,Italian voters,Positive,Social and Cultural Events,Europe,['Political Events'] +877,Signing of the Treaty of Rome,25,March,1957,Italy,Treaty,Rome,Founding of the European Economic Community,European populations,Italy and other founding members,Positive,Political Events,Europe,"['Social and Cultural Events', 'International Relations and Diplomacy']" +878,Flooding of the Arno River,4,November,1966,Italy,Natural Disaster,Florence,Severe damage to art and cultural heritage,Florence population,Nature,Negative,Environmental and Health,Europe,['Environmental and Health'] +879,Aldo Moro Kidnapping and Murder,16,March,1978,Italy,Terrorism,Rome,Political turmoil and violence,Italian population,Red Brigades,Negative,Crisis and Emergency Response,Europe,['Crisis and Emergency Response'] +880,Mani Pulite (Clean Hands) Investigation Begins,17,February,1992,Italy,Corruption Investigation,Milan,Exposure of widespread political corruption,Italian political class,Italian judiciary,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +881,Berlusconi Elected Prime Minister,27,March,1994,Italy,Political Change,Rome,Shift in Italian politics and media landscape,Italian population,Silvio Berlusconi,Mixed,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +882,2006 Winter Olympics in Turin,10,February,2006,Italy,Sporting Event,Turin,Showcased Italy on a global stage,Global and Italian populations,International Olympic Committee,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Technological and Scientific Advancements', 'International Relations and Diplomacy']" +883,L'Aquila Earthquake,6,April,2009,Italy,Natural Disaster,L'Aquila,Significant loss of life and damage to heritage sites,L'Aquila population,Nature,Negative,Environmental and Health,Europe,['Environmental and Health'] +884,Costa Concordia Shipwreck,13,January,2012,Italy,Maritime Disaster,Giglio Island,Loss of lives and environmental impact,Cruise passengers and crew,Captain Francesco Schettino,Negative,Social and Cultural Events,Europe,"['Technological and Scientific Advancements', 'Environmental and Health']" +885,Expo 2015 in Milan,1,May,2015,Italy,World Expo,Milan,Global cultural and technological exhibition,Global and Italian populations,International Exhibitions Bureau,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +886,Funding of Christopher Columbus' Voyage,3,August,1492,Spain,Discovery,Atlantic Ocean,Discovery of the New World,Indigenous peoples of the Americas,Spanish Monarchy (Isabella I and Ferdinand II),Positive,Technological and Scientific Advancements,Europe,"['Social and Cultural Events', 'Technological and Scientific Advancements']" +887,Reconquista Completion,Unknown,Unknown,1492,Spain,Military/Religious Campaign,Granada,End of Muslim rule in the Iberian Peninsula,Muslims and Christians in Iberian Peninsula,Catholic Monarchs (Isabella I and Ferdinand II),Mixed,Social and Cultural Events,Europe,['Social and Cultural Events'] +888,Spanish Armada,8,August,1588,Spain,Naval Engagement,English Channel,Failed attempt to invade England,Spanish and English navies,Philip II of Spain,Negative,Social and Cultural Events,Europe,"['Technological and Scientific Advancements', 'Military and Conflict']" +889,Treaty of the Pyrenees,7,November,1659,Spain,Peace Treaty,Pyrenees,Marked the end of the FrancoUnknownSpanish War (1635–1659),France and Spain,Philip IV of Spain and Louis XIV of France,Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Military and Conflict']" +890,War of Spanish Succession,Unknown,Unknown,1701,Spain,War,Europe,Established the Bourbon dynasty in Spain,European Powers,Charles II of Spain,Negative,Military and Conflict,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +891,Establishment of the Spanish Inquisition,1,November,1478,Spain,Religious/Court,Various,"Enforcement of Catholic orthodoxy; persecution of Jews, Muslims, and heretics",Religious minorities,Catholic Monarchs (Isabella I and Ferdinand II),Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Legal and Judicial Changes']" +892,Fall of the Spanish Empire,Unknown,Unknown,1898,Spain,Colonial,"Caribbean, Pacific",Loss of last major overseas colonies; end of Spanish imperial era,"Spanish Empire, colonies",Spanish Government,Negative,Other,Europe,"['Social and Cultural Events', 'Military and Conflict']" +893,Spanish Civil War,17,July,1936,Spain,Civil War,Spain,Establishment of Francoist dictatorship,Spanish population,"Francisco Franco, Republican Government",Negative,Military and Conflict,Europe,['Political Events'] +894,Transition to Democracy,20,November,1975,Spain,Political Transition,Spain,Transition from dictatorship to democracy,Spanish population,Juan Carlos I of Spain,Positive,Political Events,Europe,['Political Events'] +895,2004 Madrid Train Bombings,11,March,2004,Spain,Terrorism,Madrid,Highlighted the threat of international terrorism,Citizens of Madrid,Terrorist groups,Negative,Crisis and Emergency Response,Europe,['Crisis and Emergency Response'] +896,SpanishUnknownAmerican War,25,April,1898,Spain/USA,War,"Cuba, Philippines, Puerto Rico, Guam",Spain loses its last colonies in the Americas and Asia,Spanish and American populations,"Spanish Government, US Government",Negative,Military and Conflict,Unknown,"['Social and Cultural Events', 'Military and Conflict']" +897,Entry into the European Union,1,January,1986,Spain,Political/Economic Integration,Europe,Boosted economic growth and integration into European community,Spanish population,Spanish Government,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +898,Discovery of the Americas,12,October,1492,Spain,Exploration,Americas,Opened the New World to European colonization,"Indigenous peoples of the Americas, Europeans","Christopher Columbus, Spanish Monarchy",Mixed,Other,Europe,"['Social and Cultural Events', 'Technological and Scientific Advancements']" +899,Expulsion of the Jews,31,March,1492,Spain,Religious/Political,Spain,"Forced conversion, departure, or death of thousands of Jews",Jewish population,Catholic Monarchs (Isabella I and Ferdinand II),Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +900,Battle of Trafalgar,21,October,1805,Spain,Naval Battle,Atlantic Ocean near Cape Trafalgar,Decisive British victory that ended Napoleon's plans to invade Britain,Spanish and French Navies,"FrancoUnknownSpanish fleet, British Navy",Negative,Social and Cultural Events,Europe,['Military and Conflict'] +901,Union of Castile and Aragon,Unknown,Unknown,1469,Spain,Dynastic Union,Spain,Unified the crowns of Castile and Aragon,Spanish Kingdoms,Isabella I of Castile and Ferdinand II of Aragon,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +902,The Spanish Golden Age,Unknown,Unknown,1650,Spain,Cultural Flourishing,Spain,Flourishing of arts and literature,Spanish population,Spanish Monarchy,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +903,War of the Spanish Succession,Unknown,Unknown,1701,Spain,War,Europe,Redefined European power balance,European powers,"Charles II, Philip V of Spain",Mixed,Military and Conflict,Europe,['Military and Conflict'] +904,Signing of the Treaty of Utrecht,11,April,1713,Spain,Peace Treaty,Utrecht,Ended the War of the Spanish Succession,European powers,"Philip V of Spain, European powers",Negative,Social and Cultural Events,Europe,['Social and Cultural Events'] +905,Peninsular War,2,May,1808,Spain,War,Iberian Peninsula,"Weakened Spanish control, rise of national sentiment",Spanish population,"Napoleon Bonaparte, Spanish guerrillas",Negative,Military and Conflict,Europe,"['Social and Cultural Events', 'Military and Conflict']" +906,Spanish Constitution of 1812,19,March,1812,Spain,Political,Cadiz,"Liberal constitution, shortUnknownlived reforms",Spanish population,Spanish Cortes of Cádiz,Mixed,Political Events,Europe,['Political Events'] +907,SpanishUnknownAmerican War,Unknown,Unknown,1898,Spain,Colonial War,"Cuba, Philippines",Loss of last major overseas colonies,"Spanish Empire, local populations","Spanish Government, US Government",Negative,Social and Cultural Events,Europe,['Military and Conflict'] +908,Francoist Spain,1,April,1939,Spain,Dictatorship,Spain,Establishment of a dictatorship,Spanish population,Francisco Franco,Negative,Social and Cultural Events,Europe,['Political Events'] +909,Spanish Transition to Democracy,Unknown,Unknown,1975,Spain,Political Transition,Spain,Transition from dictatorship to democracy,Spanish population,"Adolfo Suárez, Juan Carlos I",Positive,Political Events,Europe,['Political Events'] +910,Barcelona Olympics,25,July,1992,Spain,International Event,Barcelona,Showcased Spain on the global stage,"International, Spanish population","International Olympic Committee, Spanish Government",Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'International Relations and Diplomacy']" +911,AntiUnknownterrorism Pact,8,December,2000,Spain,Political,Spain,Bipartisan effort against ETA terrorism,Spanish population,Spanish political parties,Positive,Political Events,Europe,"['Political Events', 'Crisis and Emergency Response']" +912,Financial Crisis Impact,Unknown,Unknown,2008,Spain,Economic,Spain,"Severe economic downturn, unemployment rise",Spanish population,Global Financial Crisis,Negative,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Environmental and Health']" +913,Catalan Independence Referendum,1,October,2017,Spain,Political/Secession,Catalonia,Intensified national debate on regional independence,"Catalan population, Spanish population","Catalan Government, Spanish Government",Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +914,Women's Rights March,8,March,2018,Spain,Social Movement,Nationwide,Largest feminist demonstration in Spanish history,"Spanish population, especially women",Women's rights organizations,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +915,Exhumation of Francisco Franco,24,October,2019,Spain,Historical Reconciliation,Valle de los Caídos,Addressed historical memory issues,Spanish population,Spanish Government,Positive,Historical and Monumental,Europe,['Historical and Monumental'] +916,Madrid's Bid for 2020 Olympics,7,September,2013,Spain,International Event,Madrid,"Boosted city's infrastructure and global image, despite not winning the bid","Madrid's population, International","Spanish Government, IOC",Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Historical and Monumental', 'Technological and Scientific Advancements']" +917,Approval of SameUnknownSex Marriage,30,June,2005,Spain,Social Policy,Spain,Made Spain one of the first countries to legalize sameUnknownsex marriage,"LGBTQ+ community, Spanish population",Spanish Government,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Legal and Judicial Changes']" +918,ETA's Permanent Ceasefire,20,October,2011,Spain,Peace/Security,Basque Country,End of ETA's armed campaign for Basque independence,"Basque population, Spanish population","ETA, Spanish Government",Positive,Social and Cultural Events,Europe,"['Political Events', 'Military and Conflict']" +919,Austerity Measures During Crisis,Unknown,Unknown,2010,Spain,Economic Policy,Spain,"Addressed economic crisis, led to social unrest",Spanish population,"Spanish Government, EU",Negative,Economic and Infrastructure Development,Europe,['Economic and Infrastructure Development'] +920,NoUnknownConfidence Vote Against Rajoy,1,June,2018,Spain,Political,Spain,"Led to the fall of Rajoy's government, Pedro Sánchez becomes Prime Minister",Spanish population,Spanish Parliament,Mixed,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +921,Discovery of Altamira Cave Paintings,Unknown,Unknown,1879,Spain,Archaeological Discovery,Altamira,Revealed prehistoric human presence in Europe,"Academic community, worldwide",Marcelino Sanz de Sautuola,Positive,Historical and Monumental,Europe,['Historical and Monumental'] +922,Spanish Flu Pandemic,Unknown,Unknown,1918,Spain,Health Crisis,Worldwide,One of the deadliest pandemics in human history,Global population,H1N1 influenza virus,Negative,Environmental and Health,Europe,"['Crisis and Emergency Response', 'Environmental and Health']" +923,Alhambra Decree,31,March,1492,Spain,Religious Policy,Granada,Expulsion of the Jews from Spain,Jewish population in Spain,Catholic Monarchs,Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Legal and Judicial Changes']" +924,Spanish Constitution of 1978,6,December,1978,Spain,Political,Spain,Established modern democratic constitution,Spanish population,"Spanish Government, King Juan Carlos I",Positive,Political Events,Europe,['Political Events'] +925,2010 FIFA World Cup Victory,11,July,2010,South Africa,Sports,Johannesburg,"First World Cup win, boosted national pride","Spanish population, international",Spanish National Football Team,Positive,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Military and Conflict']" +926,Launch of AVE HighUnknownSpeed Train,21,April,1992,Spain,Infrastructure,Between MadridUnknownSeville,Modernized Spain's transport system,"Spanish population, travelers",Spanish Government,Positive,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +927,Law of Historical Memory,26,December,2007,Spain,Legislation,Spain,"Addressed the legacy of Franco's regime, civil war victims",Spanish population,Spanish Government,Positive,Other,Europe,"['Historical and Monumental', 'Political Events']" +928,Sinking of the Spanish Armada,8,August,1588,England,Naval Engagement,English Channel,Marked decline of Spanish naval supremacy,"Spanish Navy, English Navy","Philip II of Spain, Elizabeth I of England",Negative,Social and Cultural Events,Unknown,"['Social and Cultural Events', 'Military and Conflict']" +929,The Great Siege of Gibraltar,24,June,1779,Gibraltar,Military Siege,Gibraltar,Failed Spanish attempt to retake Gibraltar from Britain,"British and Spanish military, Gibraltar residents","Spanish and French forces, British defenders",Negative,Military and Conflict,Unknown,"['Social and Cultural Events', 'Military and Conflict']" +930,Leyes de Indias,Unknown,Unknown,1542,Spain,Colonial Legislation,Spanish America,Regulated the treatment of indigenous peoples in the Spanish Empire,"Indigenous populations, Spanish colonists",Spanish Crown,Mixed,Social and Cultural Events,Europe,['Social and Cultural Events'] +935,Introduction of Phoenician Trade,Unknown,Unknown,1100 BC,Spain,Economic/Cultural,Gadir (Cádiz),"Early Phoenician traders establish contacts, leading to cultural and economic exchanges","Local inhabitants, Phoenicians",Phoenician traders,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +936,Battle of Guadalete,Unknown,Unknown,711,Spain,Military Conquest,Guadalete River,Marked the beginning of Muslim rule in the Iberian Peninsula,"Visigothic Kingdom, Muslims","Tariq ibn Ziyad, King Roderic",Negative,Political Events,Europe,['Military and Conflict'] +940,Establishment of Gadir by Phoenicians,Unknown,Unknown,1100 BC,Spain,Colonial Settlement,Gadir (Cádiz),One of the oldest continuously inhabited cities in Western Europe,"Local inhabitants, Phoenicians",Phoenician traders,Positive,Other,Europe,"['Social and Cultural Events', 'Historical and Monumental']" +941,Gorm the Old Reign,Unknown,Unknown,940,Denmark,Monarchical,Denmark,"Established the Danish monarchy, unified Denmark.",Danish tribes,Gorm the Old,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +942,Christianization of Denmark,Unknown,Unknown,960,Denmark,Religious,Denmark,Introduction and establishment of Christianity.,Danish population,Harald Bluetooth,Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +944,Christianization of Norway,Unknown,Unknown,1000,Norway,Religious,Norway,Introduction and establishment of Christianity.,Norwegian tribes,"Olaf Tryggvason, St. Olaf",Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +945,Swedish Conquest of Finland,Unknown,Unknown,1150,Finland,Military,Finland,Brought Finland under Swedish rule.,Finnish tribes,Swedish Kingdom,Negative,Military and Conflict,Europe,"['Social and Cultural Events', 'Military and Conflict']" +946,Establishment of the Kalmar Union,Unknown,Unknown,1397,Denmark,Political Union,"Kalmar, Sweden",United the Nordic countries under a single monarch.,Scandinavian kingdoms,Margaret I,Mixed,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +947,Black Death in Norway,Unknown,Unknown,1349,Norway,Pandemic,Norway,"Decimated the population, leading to societal shifts.",Norwegian population,Unknown,Negative,Environmental and Health,Europe,"['Social and Cultural Events', 'Environmental and Health']" +948,Establishment as Swedish Duchy,Unknown,Unknown,1362,Finland,Administrative,Finland,Formalized Finnish inclusion in the Swedish Kingdom.,Finns,Swedish Crown,Mixed,Other,Europe,"['Social and Cultural Events', 'Political Events']" +949,Treaty of Roskilde,26,February,1658,Denmark,Peace Treaty,Roskilde,Denmark ceded significant territories to Sweden.,DanishUnknownSwedish populations,Frederick III of Denmark,Negative,Social and Cultural Events,Europe,"['Military and Conflict', 'International Relations and Diplomacy']" +950,Dissolution of the Kalmar Union,Unknown,Unknown,1814,Norway,Political Separation,Norway,Led to the establishment of a separate Norwegian kingdom.,Norwegians,Christian Frederick,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +951,Finnish War and Cession to Russia,Unknown,Unknown,1809,Finland,Military,Finland,"Finland ceded from Sweden to Russia, becoming a Grand Duchy.","Finns, Swedes, Russians",Alexander I of Russia,Negative,Military and Conflict,Europe,"['Political Events', 'Military and Conflict']" +952,Winter War,Unknown,Unknown,1939,Finland,Military,Finland,Resisted Soviet invasion,Finns,Soviet Union,Mixed,Military and Conflict,Europe,['Military and Conflict'] +953,Liberation of Denmark,5,May,1945,Denmark,Military,Denmark,End of German occupation during WWII.,Danes,Allied Forces,Positive,Military and Conflict,Europe,['Military and Conflict'] +954,Liberation of Norway,8,May,1945,Norway,Military,Norway,End of German occupation during WWII.,Norwegians,Allied Forces,Positive,Military and Conflict,Europe,['Military and Conflict'] +955,Continuation War,Unknown,Unknown,1941,Finland,Military,Finland,Fought against the Soviet Union,Soviet Union,Nazi Germany,Mixed,Military and Conflict,Europe,['Military and Conflict'] +956,Copenhagen Fire,Unknown,Unknown,1728,Denmark,Disaster,Copenhagen,Devastated large parts of Copenhagen.,Danish population,Unknown,Negative,Crisis and Emergency Response,Europe,"['Crisis and Emergency Response', 'Environmental and Health']" +957,Union with Sweden,4,November,1814,Norway,Union,Norway,Entered a personal union with Sweden.,Norwegians,Unknown,Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'International Relations and Diplomacy']" +958,Lapland War,Unknown,Unknown,1944,Finland,Military,Lapland,Finland,German soldiers,Finnish Army,Positive,Military and Conflict,Europe,"['Technological and Scientific Advancements', 'Military and Conflict']" +959,First Schleswig War,Unknown,Unknown,1848,Denmark,Military,Schleswig,Danish victory preserved control over the duchies.,Danes,Germans,Positive,Military and Conflict,Europe,"['Political Events', 'Military and Conflict']" +960,Norwegian Independence,7,June,1905,Norway,Independence,Norway,Dissolution of the union with Sweden,Norwegians,Unknown,Positive,Military and Conflict,Europe,"['Social and Cultural Events', 'Military and Conflict']" +961,Finnish Civil War,Unknown,Unknown,1918,Finland,Civil War,Finland,Conflict between Reds and Whites,Finns,Unknown,Negative,Military and Conflict,Europe,['Military and Conflict'] +962,Second Schleswig War,Unknown,Unknown,1864,Denmark,Military,Schleswig,Danish loss of SchleswigUnknownHolstein to Prussia and Austria.,Danes,Unknown,Negative,Military and Conflict,Europe,"['Social and Cultural Events', 'Military and Conflict']" +963,Founding of Oslo,Unknown,Unknown,1048,Norway,Foundational,Oslo,Establishment of Oslo,Norwegians,Harald Hardrada,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +964,Signing of the Treaty of Fredrikshamn,Unknown,September,1809,Finland,Treaty,Fredrikshamn,Finland ceded from Sweden to Russia, Swedes,Alexander I of Russia,Negative,Political Events,Europe,"['Military and Conflict', 'International Relations and Diplomacy']" +969,Discovery of Diamonds,Unknown,Unknown,1867,South Africa,Economic,Kimberley,"Sparked the diamond rush, leading to economic boom.",South Africans,Erasmus Jacobs,Mixed,Economic and Infrastructure Development,Africa,"['Historical and Monumental', 'Economic and Infrastructure Development']" +970,Amalgamation of Northern and Southern Protectorates,Unknown,Unknown,1914,Nigeria,Political,Nigeria,Formation of the modern Nigerian state.,Nigerians,Lord Lugard,Mixed,Political Events,Africa,"['Social and Cultural Events', 'Political Events']" +971,Mau Mau Uprising,Unknown,Unknown,1952,Kenya,Independence Movement,Kenya,Led to Kenyan independence from British rule.,Kenyans,"Mau Mau fighters, British colonial government",Mixed,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +972,Algerian War of Independence,Unknown,Unknown,1954,Algeria,War,Algeria,Led to Algerian independence from France.,Algerians,"FLN, French Government",Positive,Military and Conflict,Africa,['Military and Conflict'] +973,Italian Invasion of Libya,Unknown,Unknown,1911,Libya,Military Invasion,Libya,Beginning of Italian colonial rule.,Libyans,Kingdom of Italy,Negative,Military and Conflict,Africa,['Military and Conflict'] +974,Independence from France,20,March,1956,Tunisia,Independence,Tunisia,End of French colonial rule.,Tunisians,"Habib Bourguiba, French Government",Positive,Military and Conflict,Africa,['Military and Conflict'] +975,Great Zimbabwe Era,Unknown,Unknown,1450,Zimbabwe,Civilization,Great Zimbabwe,Development of a sophisticated urban and trading society.,Zimbabweans,Unknown,Positive,Other,Africa,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +976,Foundation of Marrakech,Unknown,Unknown,1062,Morocco,City Foundation,Marrakech,Establishment of Marrakech as a major economic center.,Moroccans,Almoravid dynasty,Positive,Political Events,Africa,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +977,Portuguese Colonialism Begins,Unknown,Unknown,1482,Angola,Colonial,Angola,Start of Portuguese exploration and later colonization.,Angolans,Portuguese explorers,Negative,Other,Africa,"['Social and Cultural Events', 'Military and Conflict']" +978,Suez Canal Opening,17,November,1869,Egypt,Engineering Marvel,Suez Canal,"Connected the Mediterranean Sea to the Red Sea, boosting trade.",Global population,Ferdinand de Lesseps,Positive,Social and Cultural Events,Africa,"['Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +979,Rwandan Genocide,Unknown,April,1994,Rwanda,Genocide,Rwanda,Mass slaughter of the Tutsi population.,Rwandans,"Hutu government officials, militias",Negative,Crisis and Emergency Response,Africa,"['Crisis and Emergency Response', 'Environmental and Health']" +980,Idi Amin's Regime,Unknown,Unknown,1971,Uganda,Dictatorship,Uganda,"Brutal dictatorship, human rights abuses.",Ugandans,Idi Amin,Negative,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Political Events']" +981,Somali Civil War Begins,Unknown,Unknown,1991,Somalia,Civil War,Somalia,Led to state collapse and ongoing conflict.,Somalis,"Various warlords, clans",Negative,Military and Conflict,Africa,"['Social and Cultural Events', 'Military and Conflict']" +982,Independence from Britain,30,September,1966,Botswana,Independence,Botswana,Transition from British protectorate to independence.,Batswana,Seretse Khama,Positive,Military and Conflict,Africa,['Military and Conflict'] +983,Independence from South Africa,21,March,1990,Namibia,Independence,Namibia,End of South African rule and apartheid in Namibia.,Namibians,"SWAPO, United Nations",Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +984,Mahdist War,Unknown,Unknown,1881,Sudan,Religious/Military War,Sudan,Establishment of the Mahdist state in Sudan.,Sudanese,Muhammad Ahmad,Mixed,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Military and Conflict']" +985,Independence from France,7,August,1960,Côte d'Ivoire,Independence,Côte d'Ivoire,"End of French colonial rule, start of sovereignty.",Ivorians,Félix HouphouëtUnknownBoigny,Positive,Military and Conflict,Africa,['Military and Conflict'] +986,Ghana's Independence,6,March,1957,Ghana,Independence,Ghana,First SubUnknownSaharan African country to gain independence.,Ghanaians,Kwame Nkrumah,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +987,Union of Tanganyika and Zanzibar,26,April,1964,Tanzania,Union,Tanzania,Formation of Tanzania through the union of two sovereign states.,Tanzanians,"Julius Nyerere, Abeid Amani Karume",Positive,Social and Cultural Events,Africa,"['Social and Cultural Events', 'International Relations and Diplomacy']" +988,Libyan Revolution (1969),1,September,1969,Libya,Coup d'état,Libya,"Overthrow of the monarchy, Muammar Gaddafi came to power.",Libyans,Muammar Gaddafi,Mixed,Social and Cultural Events,Africa,"['Political Events', 'Military and Conflict']" +989,Independence from France,26,June,1960,Madagascar,Independence,Madagascar,End of French colonial rule.,Malagasy,Philibert Tsiranana,Positive,Military and Conflict,Africa,['Military and Conflict'] +990,Ethiopian Revolution,12,September,1974,Ethiopia,Revolution,Ethiopia,"Overthrow of Emperor Haile Selassie, start of Derg regime.",Ethiopians,Derg,Negative,Political Events,Africa,"['Social and Cultural Events', 'Political Events']" +991,Nigerian Civil War,6,July,1967,Nigeria,Civil War,Nigeria,"Conflict over the secessionist state of Biafra, massive casualties.",Nigerians,"Yakubu Gowon, Odumegwu Ojukwu",Negative,Military and Conflict,Africa,"['Social and Cultural Events', 'Military and Conflict']" +992,Sharpeville Massacre,21,March,1960,South Africa,Massacre,Sharpeville,"AntiUnknownapartheid protest met with police violence, significant deaths.",South Africans,South African Police,Negative,Crisis and Emergency Response,Africa,"['Crisis and Emergency Response', 'Environmental and Health']" +993,Battle of Algiers,Unknown,Unknown,1956,Algeria,Military Engagement,Algiers,Pivotal conflict in the Algerian War of Independence.,Algerians,"FLN, French paratroopers",Mixed,Military and Conflict,Africa,['Military and Conflict'] +994,Independence from Portugal,25,June,1975,Mozambique,Independence,Mozambique,End of Portuguese colonial rule after a protracted liberation struggle.,Mozambicans,FRELIMO,Positive,Military and Conflict,Africa,['Military and Conflict'] +995,Independence from Britain,24,October,1964,Zambia,Independence,Zambia,"Gained sovereignty, ending British colonial rule.",Zambians,Kenneth Kaunda,Positive,Military and Conflict,Africa,['Military and Conflict'] +996,Independence from France,4,April,1960,Senegal,Independence,Senegal,Gained independence along with the Mali Federation.,Senegalese,Léopold Sédar Senghor,Positive,Military and Conflict,Africa,['Military and Conflict'] +997,Independence from Belgium,30,June,1960,Congo (DRC),Independence,Congo (DRC),"End of Belgian colonial rule, beginning of postUnknowncolonial challenges.",Congolese,Patrice Lumumba,Mixed,Military and Conflict,Africa,['Military and Conflict'] +998,Independence from Britain,27,April,1961,Sierra Leone,Independence,Sierra Leone,Transition to sovereignty after British rule.,Sierra Leoneans,Milton Margai,Positive,Military and Conflict,Africa,['Military and Conflict'] +999,Independence from France,22,September,1960,Mali,Independence,Mali,Gained independence as part of the Mali Federation.,Malians,Modibo Keïta,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1000,August Revolution,4,August,1983,Burkina Faso,Revolution,Burkina Faso,"Thomas Sankara came to power, initiating radical reforms.",Burkinabè,Thomas Sankara,Positive,Political Events,Africa,"['Social and Cultural Events', 'Political Events']" +1001,Independence from Britain,18,April,1980,Zimbabwe,Independence,Zimbabwe,Marked the end of Rhodesian rule and the beginning of majority rule.,Zimbabweans,Robert Mugabe,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1002,Egyptian Revolution of 1952,23,July,1952,Egypt,Revolution,Egypt,"Overthrow of the monarchy, establishment of a republic.",Egyptians,Free Officers Movement,Positive,Political Events,Africa,['Political Events'] +1003,Independence from Britain,12,December,1963,Kenya,Independence,Kenya,"End of British colonial rule, Jomo Kenyatta became president.",Kenyans,Jomo Kenyatta,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1004,Independence from France,1,January,1960,Cameroon,Independence,Cameroon,Gained independence from French administration.,Cameroonians,Ahmadou Ahidjo,Positive,Military and Conflict,Africa,['Military and Conflict'] +1005,Independence from Ethiopia,24,May,1993,Eritrea,Independence,Eritrea,"Achieved de facto independence after a 30Unknownyear war, followed by a UNUnknownsupervised referendum.",Eritreans,"EPLF, UN",Positive,Military and Conflict,Africa,['Political Events'] +1006,Nelson Mandela's Release from Prison,11,February,1990,South Africa,Political,South Africa,Marked the beginning of the end of apartheid.,South Africans,"F.W. de Klerk, ANC",Positive,Political Events,Africa,"['Social and Cultural Events', 'Political Events']" +1007,Signing of Arusha Accords,4,August,1993,Rwanda,Peace Agreement,"Arusha, Tanzania",Attempted to end the Rwandan Civil War.,Rwandans,"Rwandan Government, RPF",Mixed,Social and Cultural Events,Africa,"['Social and Cultural Events', 'International Relations and Diplomacy']" +1008,Comprehensive Peace Agreement,9,January,2005,Sudan,Peace Agreement,Sudan,"Ended the Second Sudanese Civil War, led to South Sudan's independence.","Sudanese, South Sudanese","SPLM, Government of Sudan",Positive,Social and Cultural Events,Africa,"['Military and Conflict', 'International Relations and Diplomacy']" +1009,Libyan Civil War,17,February,2011,Libya,Civil War,Libya,Overthrow of Muammar Gaddafi's regime.,Libyans,"NTC, NATO, Gaddafi regime",Mixed,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1010,Independence from Britain,1,October,1960,Nigeria,Independence,Nigeria,"Gained independence, became a republic in 1963.",Nigerians,Nigerian Independence Movement,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1011,Dahomey (Benin) Independence,1,August,1960,Benin,Independence,Benin (Dahomey),Transition from French colonial rule to sovereignty.,Beninese,Hubert Maga,Positive,Military and Conflict,Africa,['Military and Conflict'] +1012,Tunisian Revolution,18,December,2010,Tunisia,Revolution,Tunisia,"Triggered the Arab Spring, leading to democratization.",Tunisians,"Mohamed Bouazizi, Civil Society",Positive,Political Events,Africa,['Political Events'] +1013,Abolition of Slavery,6,August,1981,Mauritania,Legal,Mauritania,"First country in the world to abolish slavery by law, though enforcement issues remain.",Mauritanians,Mauritanian Government,Positive,Legal and Judicial Changes,Africa,['Legal and Judicial Changes'] +1014,Independence from France,17,August,1960,Gabon,Independence,Gabon,End of French colonial rule.,Gabonese,Léon M'ba,Positive,Military and Conflict,Africa,['Military and Conflict'] +1015,Independence from Britain,4,October,1966,Lesotho,Independence,Lesotho,Transition from British protectorate to independent kingdom.,Basotho,Moshoeshoe II,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1016,Independence from Britain,18,February,1965,Gambia,Independence,Gambia,Gained independence within the Commonwealth.,Gambians,Dawda Jawara,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1017,Independence from France,27,June,1977,Djibouti,Independence,Djibouti,End of French colonial rule after referendum.,Djiboutians,Hassan Gouled Aptidon,Positive,Military and Conflict,Africa,['Military and Conflict'] +1018,Independence from Spain,12,October,1968,Equatorial Guinea,Independence,Equatorial Guinea,Transition from Spanish colony to independence.,Equatoguineans,Francisco Macías Nguema,Positive,Military and Conflict,Africa,['Military and Conflict'] +1019,Independence from Britain,29,June,1976,Seychelles,Independence,Seychelles,Became a sovereign state after 162 years of British rule.,Seychellois,"James Mancham, FranceUnknownAlbert René",Positive,Military and Conflict,Africa,['Military and Conflict'] +1020,Independence and Unification,1,July,1960,Somalia,Independence/Union,Somalia,Union of British Somaliland and Italian Somaliland.,Somalis,Somali Youth League,Positive,Military and Conflict,Africa,['Military and Conflict'] +1021,Independence from Portugal,5,July,1975,Cape Verde,Independence,Cape Verde,Gained independence after the Carnation Revolution in Portugal.,Cape Verdeans,"Amílcar Cabral, PAIGC",Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1022,Independence from Portugal,24,September,1973,GuineaUnknownBissau,Independence,GuineaUnknownBissau,"Declared independence, recognized in 1974 after the Carnation Revolution.",BissauUnknownGuineans,"Amílcar Cabral, PAIGC",Positive,Military and Conflict,Unknown,"['Political Events', 'Military and Conflict']" +1023,Independence from France,6,July,1975,Comoros,Independence,Comoros,Gained independence following a referendum.,Comorians,Ahmed Abdallah,Positive,Military and Conflict,Africa,['Military and Conflict'] +1024,Independence from Portugal,11,November,1975,Angola,Independence,Angola,Achieved independence following the Carnation Revolution and Alvor Agreement.,Angolans,"MPLA, Agostinho Neto",Positive,Military and Conflict,Africa,"['Social and Cultural Events', 'Military and Conflict']" +1025,Independence from France,13,August,1960,Central African Republic,Independence,Central African Republic,Transition from French colony to independence.,Central Africans,"Barthélemy Boganda, David Dacko",Positive,Military and Conflict,Africa,['Military and Conflict'] +1026,Independence from France,11,August,1960,Chad,Independence,Chad,Gained independence from French colonial rule.,Chadians,François Tombalbaye,Positive,Military and Conflict,Africa,['Military and Conflict'] +1027,Independence from Britain,6,July,1964,Malawi,Independence,Malawi,Transition from British protectorate to independent nation.,Malawians,Hastings Banda,Positive,Military and Conflict,Africa,['Military and Conflict'] +1028,Independence from Belgium,1,July,1962,Burundi,Independence,Burundi,Gained independence alongside Rwanda from Belgian administration.,Burundians,Mwami Mwambutsa IV,Positive,Military and Conflict,Africa,['Military and Conflict'] +1029,Independence from France,15,August,1960,Congo (Brazzaville),Independence,Congo (Brazzaville),Became independent from French colonial empire.,Congolese (Brazzaville),Fulbert Youlou,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1030,Independence from France,27,April,1960,Togo,Independence,Togo,Transition from French mandate to sovereign state.,Togolese,Sylvanus Olympio,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1031,Independence from France,7,August,1960,Ivory Coast (Côte d'Ivoire),Independence,Ivory Coast,Marked the end of French colonial rule in Ivory Coast.,Ivorians,Félix HouphouëtUnknownBoigny,Positive,Military and Conflict,Unknown,['Military and Conflict'] +1032,Independence from France,3,August,1960,Niger,Independence,Niger,Gained independence from French colonial administration.,Nigeriens,Hamani Diori,Positive,Military and Conflict,Africa,['Military and Conflict'] +1033,Independence from Britain,6,September,1968,Swaziland (Eswatini),Independence,Swaziland,Became independent from British rule.,Swazi,Sobhuza II,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1034,Independence from France,2,October,1958,Guinea,Independence,Guinea,"First French African colony to gain independence, rejecting the French Community.",Guineans,Ahmed Sékou Touré,Positive,Military and Conflict,Africa,"['Social and Cultural Events', 'Military and Conflict']" +1035,Movement for Multiparty Democracy,Unknown,Unknown,1991,Zambia,Political,Zambia,Transition from oneUnknownparty state to multiparty democracy.,Zambians,Frederick Chiluba,Positive,Political Events,Africa,['Political Events'] +1036,Mozambique Civil War Ends,4,October,1992,Mozambique,Peace Agreement,"Rome, Italy","End of a devastating civil war, leading to peace and reconstruction.",Mozambicans,"Joaquim Chissano, RENAMO",Positive,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Military and Conflict']" +1037,End of Apartheid,27,April,1994,South Africa,General Elections,South Africa,"First democratic elections open to all races, Nelson Mandela elected.",South Africans,"Nelson Mandela, ANC",Positive,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Political Events']" +1038,Eritrean Independence Referendum,23Unknown25,April,1993,Ethiopia,Referendum,Eritrea,Eritreans vote for independence from Ethiopia.,Eritreans,"EPLF, UN",Positive,Social and Cultural Events,Africa,"['Political Events', 'Military and Conflict']" +1039,Namibian Independence,21,March,1990,Namibia,Independence,Namibia,Independence from South African rule.,Namibians,"Sam Nujoma, UN",Positive,Military and Conflict,Africa,"['Social and Cultural Events', 'Military and Conflict']" +1040,Land Reform Program Begins,Unknown,Unknown,2000,Zimbabwe,Land Reform,Zimbabwe,Controversial redistribution of land from white to black Zimbabweans.,Zimbabweans,Robert Mugabe,Mixed,Political Events,Africa,"['Social and Cultural Events', 'Political Events']" +1041,Algerian Civil War Ends,Unknown,Unknown,2002,Algeria,Peace Agreement,Algeria,End of a decadeUnknownlong civil war.,Algerians,Algerian Government,Positive,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Military and Conflict']" +1042,End of Sierra Leone Civil War,18,January,2002,Sierra Leone,Peace Agreement,Sierra Leone,"Marked the end of the civil war, beginning of peacebuilding efforts.",Sierra Leoneans,"Government of Sierra Leone, RUF, UN",Positive,Social and Cultural Events,Africa,"['Social and Cultural Events', 'International Relations and Diplomacy']" +1043,Gacaca Courts Initiated,Unknown,Unknown,2001,Rwanda,Justice System,Rwanda,"Community courts to address the genocide, promoting reconciliation and justice.",Rwandans,Rwandan Government,Mixed,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Legal and Judicial Changes']" +1044,Joseph Kony Insurgency Declines,Unknown,Unknown,2011,Uganda,Military,Northern Uganda,"Significant decline in LRA activities, improvement in regional security.",Ugandans,"Ugandan Military, International Efforts",Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1045,Fall of Gaddafi,20,October,2011,Libya,Revolution,"Sirte, Libya","Marked the end of Muammar Gaddafi's 42Unknownyear rule, leading to a period of instability.",Libyans,"NATO, Libyan Rebels",Mixed,Political Events,Africa,"['Political Events', 'Military and Conflict']" +1046,Egyptian Revolution of 2011,25,January,2011,Egypt,Revolution,"Cairo, Egypt",Led to the overthrow of President Hosni Mubarak.,Egyptians,"Egyptian protestors, military",Mixed,Political Events,Africa,"['Social and Cultural Events', 'Political Events']" +1047,Coup d'état,22,March,2012,Mali,Coup,"Bamako, Mali","Military coup overthrew the government, leading to political instability and conflict.",Malians,"Malian soldiers, Amadou Sanogo",Negative,Social and Cultural Events,Africa,"['Political Events', 'Military and Conflict']" +1048,Seleka Rebellion Begins,Unknown,December,2012,Central African Republic,Rebellion,Central African Republic,"Sparked a civil war, leading to ongoing conflict and humanitarian crisis.",Central Africans,Seleka coalition,Negative,Military and Conflict,Africa,"['Social and Cultural Events', 'Military and Conflict']" +1049,Boko Haram Insurgency Intensifies,Unknown,Unknown,2009,Nigeria,Insurgency,Northeast Nigeria,"Led to thousands of deaths and displacement, challenging national security.",Nigerians,Boko Haram,Negative,Social and Cultural Events,Africa,"['Military and Conflict', 'Crisis and Emergency Response']" +1050,Independence from Sudan,9,July,2011,South Sudan,Independence,South Sudan,"Became the newest country in the world, following a referendum.",South Sudanese,"SPLM, International Community",Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1051,Fall of Blaise Compaoré,31,October,2014,Burkina Faso,Revolution,"Ouagadougou, Burkina Faso","Ended Blaise Compaoré's 27Unknownyear rule, sparked by mass protests.",Burkinabè,Burkinabè protestors,Positive,Political Events,Africa,"['Social and Cultural Events', 'Political Events']" +1052,Coup d'état Leads to Mugabe's Resignation,21,November,2017,Zimbabwe,Coup,"Harare, Zimbabwe","Ended Robert Mugabe's 37Unknownyear rule, Emmerson Mnangagwa became president.",Zimbabweans,"Zimbabwean Military, Emmerson Mnangagwa",Mixed,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Political Events']" +1053,Appointment of Abiy Ahmed,2,April,2018,Ethiopia,Political,Ethiopia,Led to significant political reforms and a peace agreement with Eritrea.,Ethiopians,Abiy Ahmed,Positive,Political Events,Africa,"['Social and Cultural Events', 'Political Events']" +1054,Sudanese Revolution,19,December,2018,Sudan,Revolution,Sudan,"Overthrow of President Omar alUnknownBashir, leading to transitional government.",Sudanese,"Sudanese protestors, military",Positive,Political Events,Africa,['Political Events'] +1055,Hirak Protest Movement,22,February,2019,Algeria,Protest Movement,Algeria,Led to the resignation of President Abdelaziz Bouteflika after 20 years in power.,Algerians,Algerian protestors,Positive,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Political Events']" +1056,Abolition of Slavery Enforced,Unknown,Unknown,1981,Mauritania,Legal,Mauritania,"Criminalization of slavery, though challenges in enforcement remain.",Mauritanians,Mauritanian Government,Mixed,Legal and Judicial Changes,Africa,['Legal and Judicial Changes'] +1057,Operation Carlota Ends,Unknown,Unknown,1989,Angola,Military Withdrawal,Angola,"Cuban military withdrawal, pivotal in ending South African apartheid.","Angolans, Cubans",Cuban Government,Positive,Military and Conflict,Africa,"['Political Events', 'Military and Conflict']" +1058,Nairobi's DusitD2 Complex Attack,15,January,2019,Kenya,Terrorism,"Nairobi, Kenya",Highlighted the ongoing threat of terrorism in East Africa.,Kenyans,AlUnknownShabaab,Negative,Crisis and Emergency Response,Africa,['Crisis and Emergency Response'] +1059,Cyclone Idai,14,March,2019,Mozambique,Natural Disaster,"Mozambique, Zimbabwe, Malawi","One of the worst tropical cyclones on record in Africa, causing widespread destruction.","Mozambicans, Zimbabweans, Malawians",Climate,Negative,Environmental and Health,Africa,"['Crisis and Emergency Response', 'Environmental and Health']" +1060,Tigray Conflict Begins,4,November,2020,Ethiopia,Conflict,"Tigray, Ethiopia","Conflict between Ethiopian government forces and TPLF, leading to humanitarian crisis.",Ethiopians,"Ethiopian Government, TPLF",Negative,Military and Conflict,Africa,"['Social and Cultural Events', 'Military and Conflict']" +1061,#EndSARS Protests,8,October,2020,Nigeria,Protest Movement,Nigeria,Nationwide protests against police brutality and corruption.,Nigerians,"Nigerian Youth, Various Activists",Mixed,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Political Events']" +1062,Juba Peace Agreement,3,October,2020,Sudan,Peace Agreement,"Juba, South Sudan","Aimed at ending conflicts in Darfur, South Kordofan, and Blue Nile states.",Sudanese,"Sudanese Transitional Government, Rebel Groups",Positive,Social and Cultural Events,Africa,"['Social and Cultural Events', 'International Relations and Diplomacy']" +1063,2021 General Elections,14,January,2021,Uganda,Election,Uganda,"Marked by allegations of fraud and violence, Yoweri Museveni reUnknownelected.",Ugandans,"Yoweri Museveni, Bobi Wine",Mixed,Social and Cultural Events,Africa,"['Social and Cultural Events', 'Political Events']" +1064,Death of President Idriss Déby,20,April,2021,Chad,Military,Chad,"Died from injuries sustained in clashes with rebels, leading to political uncertainty.",Chadians,"Idriss Déby, FACT Rebels",Negative,Military and Conflict,Africa,"['Military and Conflict', 'Crisis and Emergency Response']" +1065,Discovery by Portugal,22,April,1500,Brazil,Discovery,Coast of presentUnknownday Brazil,Beginning of Portuguese colonization,Indigenous peoples,Pedro Álvares Cabral,Mixed,Technological and Scientific Advancements,South America,"['Social and Cultural Events', 'Technological and Scientific Advancements']" +1066,Independence from Portugal,7,September,1822,Brazil,Independence,São Paulo,Transition to Empire of Brazil,Brazilian population,Dom Pedro I,Positive,Military and Conflict,South America,['Military and Conflict'] +1067,Abolition of Slavery,13,May,1888,Brazil,Legal,Brazil,End of slavery in Brazil,Slaves in Brazil,Princess Isabel,Positive,Legal and Judicial Changes,South America,['Legal and Judicial Changes'] +1068,Proclamation of the Republic,15,November,1889,Brazil,Political,Rio de Janeiro,End of the Brazilian Empire and the start of the Republic,Brazilian population,Marshal Deodoro da Fonseca,Positive,Political Events,South America,['Social and Cultural Events'] +1069,Vargas Era Begins,3,November,1930,Brazil,Political,Brazil,Start of Getúlio Vargas' rule,Brazilian population,Getúlio Vargas,Mixed,Political Events,South America,"['Social and Cultural Events', 'Political Events']" +1070,Military Coup,31,March,1964,Brazil,Military Coup,Brazil,Beginning of military dictatorship lasting until 1985,Brazilian population,Military leaders,Negative,Political Events,South America,['Political Events'] +1071,Direct Elections Now Campaign,Unknown,Unknown,1984,Brazil,Political Movement,Brazil,Nationwide protests for direct presidential elections,Brazilian population,Civil society groups,Positive,Political Events,South America,"['Social and Cultural Events', 'Political Events']" +1072,Real Plan Implementation,1,July,1994,Brazil,Economic,Brazil,Stabilization of Brazilian economy and introduction of the Real (R$),Brazilian economy,Itamar Franco,Positive,Economic and Infrastructure Development,South America,['Economic and Infrastructure Development'] +1073,Lula da Silva's Presidency,1,January,2003,Brazil,Political,Brazil,First workingUnknownclass president,Brazilian population,Luiz Inácio Lula da Silva,Positive,Political Events,South America,"['Social and Cultural Events', 'Political Events']" +1074,FIFA World Cup Victory,30,June,2002,Brazil,Sports,Sweden,Brazil wins its first FIFA World Cup boosting national pride,Brazilian population,Football team,Positive,Social and Cultural Events,South America,"['Social and Cultural Events', 'Military and Conflict', 'International Relations and Diplomacy']" +1075,Construction of Brasília,21,April,1960,Brazil,Urban Development,Brasília,Creation of a new capital aiming at interior development and national integration,Brazilian population,Juscelino Kubitschek,Mixed,Social and Cultural Events,South America,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +1076,Tropicália Movement,Unknown,Unknown,1967,Brazil,Cultural,Brazil,AvantUnknowngarde music and arts movement challenging traditional Brazilian culture,Artists and intellectuals,Caetano Veloso,Positive,Social and Cultural Events,South America,"['Social and Cultural Events', 'Historical and Monumental']" +1077,Fernando Collor's Impeachment,29,December,1992,Brazil,Political,Brazil,First Brazilian president to be impeached due to corruption charges,Brazilian population,National Congress,Mixed,Political Events,South America,"['Social and Cultural Events', 'Political Events', 'Military and Conflict', 'Legal and Judicial Changes']" +1078,Plano Real Economic Stabilization,1,July,1994,Brazil,Economic,Brazil,Introduction of the Real (R$) to stabilize the Brazilian economy,Brazilian economy,Itamar Franco,Positive,Economic and Infrastructure Development,South America,"['Economic and Infrastructure Development', 'Political Events']" +1079,Rio Earth Summit,Unknown,June,1992,Brazil,Environmental,Rio de Janeiro,International conference on environment and sustainability,Global population,UN,Positive,Technological and Scientific Advancements,South America,"['Technological and Scientific Advancements', 'Environmental and Health']" +1080,FHC Presidency (Fernando Henrique Cardoso),1,January,1995,Brazil,Political,Brazil,Implementation of economic reforms and Plano Real,Brazilian population,Fernando Henrique Cardoso,Positive,Political Events,South America,['Political Events'] +1081,Mensalão Scandal,Unknown,Unknown,2005,Brazil,Political Scandal,Brazil,Major corruption scandal involving bribery and misuse of public funds,Brazilian population,Various politicians,Negative,Political Events,South America,"['Social and Cultural Events', 'Political Events']" +1082,Dilma Rousseff's Impeachment,31,August,2016,Brazil,Political,Brazil,Second Brazilian president to be impeached accused of fiscal mismanagement,Brazilian population,Unknown,Mixed,Political Events,South America,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Political Events', 'Legal and Judicial Changes']" +1083,Zika Virus Outbreak,Unknown,Unknown,2015,Brazil,Health,Brazil,Major health crisis linked to birth defects sparking international concern,Brazilian population,Unknown,Negative,Social and Cultural Events,South America,"['Technological and Scientific Advancements', 'Crisis and Emergency Response', 'Environmental and Health']" +1084,Operation Car Wash (Lava Jato),Unknown,Unknown,2014,Brazil,Corruption Investigation,Brazil,Extensive corruption investigation impacting politics and businesses,Brazilian population,Federal Police,Mixed,Social and Cultural Events,South America,"['Economic and Infrastructure Development', 'Political Events']" +1085,Amazon Rainforest Wildfires,Unknown,August,2019,Brazil,Environmental,Amazon Rainforest,International attention on Brazil's environmental policies and conservation efforts,Global and local environment,Various stakeholders,Negative,Technological and Scientific Advancements,South America,"['Technological and Scientific Advancements', 'Environmental and Health']" +1086,Bolsonaro Presidency Begins,1,January,2019,Brazil,Political,Brazil,Marked by controversial environmental policies and conservative agenda,Brazilian population,Jair Bolsonaro,Mixed,Political Events,South America,"['Social and Cultural Events', 'Political Events']" +1087,Foundation of the Holy Roman Empire,Unknown,Unknown,962,Germany,Political,Germany,Establishment of the Holy Roman Empire,Germanic peoples,Otto I,Positive,Political Events,Europe,['Social and Cultural Events'] +1088,The Investiture Controversy,Unknown,Unknown,1075,Germany,Religious/Political,Germany,Conflict between the monarchy and the papacy over appointment of bishops,European Christians,Henry IV,Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Political Events']" +1089,The Black Death in Europe,Unknown,Unknown,1347,Germany,Pandemic,Europe,One of the most devastating pandemics in human history killing an estimated 25 million people in Europe,European population,Unknown,Negative,Environmental and Health,Europe,"['Crisis and Emergency Response', 'Environmental and Health']" +1090,Martin Luther's 95 Theses,31,October,1517,Germany,Religious,Wittenberg,Initiated the Protestant Reformation,Christians,Martin Luther,Mixed,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Legal and Judicial Changes']" +1091,The Peace of Augsburg,25,September,1555,Germany,Political,Augsburg,Allowed rulers to choose between Lutheranism and Catholicism leading to religious division,German states,Unknown,Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +1092,The Defenestration of Prague,Unknown,May,1618,Germany,Political,Prague,Triggered the Thirty Years' War,Central European Christians,Bohemian Protestant nobles,Negative,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +1093,The Peace of Westphalia,Unknown,October,1648,Germany,Political,Münster and Osnabrück,Ended the Thirty Years' War marking the beginning of the state system,European population,European states,Positive,Political Events,Europe,['Political Events'] +1094,The Foundation of the Kingdom of Prussia,Unknown,January,1701,Germany,Political,Königsberg,Establishment of Prussia as a kingdom leading to its rise as a major European power,European population,"Prussians, Frederick I",Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +1095,The Seven Years' War,Unknown,Unknown,1756,Germany,Military,Europe,Confirmed Prussia's status as a great European power shaping European geopolitics,German population,"European powers, Frederick II",Negative,Military and Conflict,Europe,['Military and Conflict'] +1096,The Partition of Poland,Unknown,Unknown,1772,Germany,Political,Poland,Prussia acquired West Prussia,Poznań and other territories,Polish population,Negative,Political Events,Europe,"['Political Events', 'Military and Conflict']" +1097,Napoleonic Wars and the Battle of Leipzig,Unknown,October,1813,Germany,Military,Leipzig,Decisive defeat of Napoleon's forces leading to his retreat from Germany,German states,Allied forces against Napoleon,Negative,Military and Conflict,Europe,"['Social and Cultural Events', 'Military and Conflict']" +1098,Congress of Vienna,Unknown,September,1814,Germany,Political,Vienna,Redrew the map of Europe after the Napoleonic Wars stabilizing the continent,Europeans,European powers,Mixed,Political Events,Europe,['Social and Cultural Events'] +1099,Revolutions of 1848 in the German states,Unknown,Unknown,1848,Germany,Political/Social,German states,Series of interconnected revolutions demanding national unification and liberal reforms,German population,Various revolutionary groups,Mixed,Social and Cultural Events,Europe,['Social and Cultural Events'] +1100,Unification of Germany,Unknown,January,1871,Germany,Political,Versailles,Establishment of the German Empire under Prussian leadership,German states,Wilhelm I,Positive,Political Events,Europe,['Social and Cultural Events'] +1101,FrancoUnknownPrussian War,Unknown,July,1870,Germany,Military,France/Germany,Solidified German unification and shifted the balance of power in Europe,French and Germans,Napoleon III,Negative,Military and Conflict,Europe,['Military and Conflict'] +1102,World War I,Unknown,July,1814,Germany,Military,Europe,Germany's defeat led to significant territorial losses and the Treaty of Versailles,European powers,Allied Powers,Negative,Military and Conflict,Europe,['Military and Conflict'] +1103,Weimar Republic Established,Unknown,November,1918,Germany,Political,Germany,Transition from imperial to democratic governance though faced instability,German population,Friedrich Ebert,Mixed,Political Events,Europe,['Political Events'] +1104,Hyperinflation Crisis,Unknown,Unknown,1923,Germany,Economic,Germany,Economic crisis causing severe inflation crippling the economy,German population,Weimar Government,Mixed,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Environmental and Health']" +1105,Nazi Party's Rise to Power,Unknown,January,1933,Germany,Political,Germany,Adolf Hitler becomes Chancellor leading to totalitarian regime and WWII,German population,Adolf Hitler,Negative,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +1106,Kristallnacht (Night of Broken Glass),Unknown,November,1938,Germany,Pogrom,Germany,Nationwide attack on Jewish people and properties,Jewish Germans,Nazi regime,Negative,Social and Cultural Events,Europe,"['Social and Cultural Events', 'Crisis and Emergency Response']" +1107,Beginning of World War II,Unknown,September,1939,Germany,Military,Poland/Germany,Invasion of Poland by Germany leading to global conflict,Global population,Adolf Hitler,Negative,Military and Conflict,Europe,['Military and Conflict'] +1108,The Holocaust,Unknown,Unknown,1941,Germany,Genocide,Europe,Systematic murder of six million Jews and millions of others,Jews, Nazi regime,Negative,Crisis and Emergency Response,Europe,"['Social and Cultural Events', 'Crisis and Emergency Response']" +1109,Battle of Stalingrad,Unknown,July,1942,Germany,Military,Stalingrad (Volgograd),Turning point in WWII first major defeat of Nazi Germany,German population, Soviet Union,Negative,Military and Conflict,Europe,"['Political Events', 'Military and Conflict']" +1110,DUnknownDay (Normandy Landings),Unknown,June,1944,Germany,Military,Normandy,Allied invasion of NaziUnknownoccupied Europe beginning of the end of WWII in Europe,European civilians,Unknown,Positive,Military and Conflict,Europe,['Military and Conflict'] +1111,Surrender of Nazi Germany,Unknown,May,1945,Germany,Military,Reims/Berlin,End of World War II in Europe,Global population,Allied Powers,Positive,Military and Conflict,Europe,['Military and Conflict'] +1112,Marshall Plan Aid,Unknown,Unknown,1948,Germany,Economic,West Germany,US financial aid for European recovery postUnknownWWII significantly aiding West Germany's recovery,German population,United States,Positive,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Military and Conflict']" +1113,Foundation of the Federal Republic of Germany (West Germany) and the German Democratic Republic (East Germany),Unknown,May,1949,Germany,Political,Germany,Division of Germany into East and West marking the start of the Cold War era,Germans,Allied Powers,Mixed,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +1114,Construction of the Berlin Wall,Unknown,August,1961,Germany,Political,Berlin,Physical division of East and West Berlin preventing East Germans from fleeing to the West,Berliners,East German government,Negative,Political Events,Europe,"['Social and Cultural Events', 'Military and Conflict']" +1115,The Berlin Wall Falls,Unknown,November,1989,Germany,Political,Berlin,Symbolic end of the Cold War leading to German reunification,East and West Germans,East German government,Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +1116,German Reunification,Unknown,October,1990,Germany,Political,Germany,Reunification of East and West Germany into a single German state,Helmut Kohl,Mikhail Gorbachev,Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +1117,Treaty on the Final Settlement with Respect to Germany,Unknown,September,1990,Germany,Political,Moscow,Ended the Four Power rights and responsibilities for Germany and Berlin paving the way for German reunification,Germans,Two Plus Four Agreement negotiators,Positive,Political Events,Europe,"['Social and Cultural Events', 'Political Events']" +1118,Establishment of the European,Unknown,February,1992,Germany,Political,Maastricht,The Maastricht Treaty laid the foundation for further European integration,Europeans,European Community members,Positive,Political Events,Europe,['Social and Cultural Events'] +1119,Adoption of the Euro,Unknown,January,2002,Germany,Economic,Germany,Introduction of the Euro as the official currency replacing the Deutsche Mark,Germans,European Central Bank,Positive,Economic and Infrastructure Development,Europe,"['Economic and Infrastructure Development', 'Political Events']" +1120,2006 FIFA World Cup,Unknown,July,2006,Germany,Sports,Germany,Hosted the FIFA World Cup showcasing Germany on the global stage,International audience,FIFA,Positive,Social and Cultural Events,Europe,"['Social and Cultural Events', 'International Relations and Diplomacy']" +1121,Refugee Crisis,Unknown,Unknown,2015,Germany,Humanitarian,Germany,Germany opens its borders to a large number of refugees sparking debates on immigration policy,Refugees,German population,Mixed,Crisis and Emergency Response,Europe,"['Social and Cultural Events', 'Economic and Infrastructure Development', 'Technological and Scientific Advancements']" +1122,May Revolution,25,May,1810,Argentina,Political,Buenos Aires,Beginning of the Argentine War for Independence from Spain,Argentinians,Revolutionary leaders of the Primera Junta,Positive,Political Events,South America,['Military and Conflict'] +1123,Declaration of Independence,9,July,1816,Argentina,Independence,Tucumán,Formal declaration of independence from Spanish rule,Argentinians,Congress of Tucumán,Positive,Military and Conflict,South America,['Political Events'] +1124,Conquest of the Desert,Unknown,Unknown,1870,Argentina,Military,Patagonia,Expansion into Patagonian territories displacing indigenous populations,Indigenous peoples,Julio Argentino Roca,Mixed,Military and Conflict,South America,['Military and Conflict'] +1125,Immigration Wave to Argentina,Unknown,Unknown,1930,Argentina,Social,Argentina,Significant European immigration shaping the cultural and demographic profile,Immigrants,Argentine Government,Mixed,Social and Cultural Events,South America,"['Social and Cultural Events', 'Economic and Infrastructure Development']" +1126,First Presidency of Juan Domin go Perón,4,June,1946,Argentina,Political,Argentina,Implementation of social and economic reforms workers' rights enhancement,Argentinians,Juan Domingo Perón,Mixed,Political Events,South America,['Political Events'] +1127,The Dirty War,24,March,1976,Argentina,Political Repression,Argentina,Period of state terrorism against suspected dissidents and subversives,Argentinians,Military Junta,Negative,Political Events,South America,['Crisis and Emergency Response'] +1128,Falklands War,2,April,1982,Argentina,Military,Falkland Islands,Conflict with the UK over the Falkland Islands leading to Argentine defeat,Argentinians,British,Negative,Military and Conflict,South America,"['Military and Conflict', 'International Relations and Diplomacy']" +1129,Return to Democracy,10,December,1983,Argentina,Political,Argentina,End of military rule and restoration of democracy,Argentinians,Raúl Alfonsín,Positive,Political Events,South America,['Political Events'] +1130,2001 Economic Crisis,1,December,2001,Argentina,Economic,Argentina,Severe economic crisis leading to social unrest and governmental changes,Argentinians,Fernando de la Rúa,Negative,Economic and Infrastructure Development,South America,['Economic and Infrastructure Development'] +1131,SameUnknownSex Marriage Law,15,July,2010,Argentina,Legal,Argentina,First country in Latin America to legalize sameUnknownsex marriage,Argentinians,Argentine Legislature,Positive,Legal and Judicial Changes,South America,['Legal and Judicial Changes'] +1132,Nationalization of YPF,16,April,2012,Argentina,Economic,Argentina,Government takeover of YPF from Repsol,Argentinians,Cristina Fernández de Kirchner,Mixed,Economic and Infrastructure Development,South America,"['Economic and Infrastructure Development', 'Political Events']" +1133,1978 FIFA World Cup Victory,25,June,1978,Argentina,Sports,Buenos Aires,Argentina wins its first FIFA World Cup boosting national pride,Argentinians,Argentine National Football Team,Positive,Social and Cultural Events,South America,"['Social and Cultural Events', 'Military and Conflict', 'International Relations and Diplomacy']" +1134,Economic Crisis and IMF Loan,Unknown,Unknown,2018,Argentina,Economic,Argentina,Severe economic crisis leading to the largest IMF loan in history,Argentinians,"Mauricio Macri, IMF",Negative,Economic and Infrastructure Development,South America,"['Economic and Infrastructure Development', 'Environmental and Health']" +1135,Jorge Mario Bergoglio becomes Pope Francis,13,March,2013,Argentina,Religious,Vatican City,First Pope from the Americas global impact on Catholic Church,Catholics worldwide,Jorge Mario Bergoglio,Positive,Social and Cultural Events,South America,"['Social and Cultural Events', 'Political Events']" +1136,Cacerolazo Protests,Unknown,December,2001,Argentina,Social Movement,Argentina,Mass protests against the government's handling of the economic crisis,Argentinians,Unknown,Positive,Social and Cultural Events,South America,"['Social and Cultural Events', 'Political Events']" +1137,Legalization of Abortion,Unknown,December,2020,Argentina,Legal,Argentina,Legalization of abortion up to the 14th week of pregnancy,Argentinians,Argentine Legislature,Positive,Legal and Judicial Changes,South America,"['Political Events', 'Legal and Judicial Changes']" +1138,Establishment of the Olmec Civilization,Unknown,Unknown,1400 BC,Mexico,Cultural,Gulf Coast,Development of the first major civilization in Mexico,Indigenous populations,Unknown,Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Historical and Monumental']" +1139,Founding of Teotihuacan,Unknown,Unknown,0,Mexico,Urban Development,Near Mexico City,Rise of a major preUnknownColumbian city known for its pyramids,Indigenous populations,Unknown,Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Historical and Monumental']" +1140,Maya Civilization's Classical Period,Unknown,Unknown,250,Mexico,Cultural,Yucatán Peninsula,"Flourishing of Maya science, art and architecture affecting trade networks and political power",Mayans,Unknown,Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Historical and Monumental']" +1141,The Fall of Teotihuacan,Unknown,Unknown,750,Mexico,Decline,Teotihuacan,Mysterious decline of a powerful city,Indigenous populations,Unknown,Negative,Social and Cultural Events,North America,"['Social and Cultural Events', 'Environmental and Health']" +1142,Founding of Tenochtitlán,18,July,1325,Mexico,Urban Development,Lake Texcoco,Establishment of the Aztec capital foundation for future Mexico City,Aztecs,Unknown,Positive,Social and Cultural Events,North America,"['Social and Cultural Events', 'Historical and Monumental']" +1143,Arrival of the Spanish and the Fall of Tenochtitlán,13,August,1521,Mexico,Conquest,Tenochtitlán,Conquest of the Aztec Empire by Spanish forces,Aztecs,Hernán Cortés,Negative,Social and Cultural Events,North America,"['Social and Cultural Events', 'Historical and Monumental']" +1144,Colonial Period Begins,1,Unknown,1521,Mexico,Colonial,Mexico,Start of Spanish colonial rule impacting culture society governance,Spanish colonizers,Unknown,Negative,Other,North America,['Social and Cultural Events'] +1145,Mexican War of Independence Begins,16,September,1810,Mexico,Independence,Dolores,Start of a war against Spanish rule leading to eventual independence,Mexicans,Miguel Hidalgo y Costilla,Positive,Military and Conflict,North America,['Military and Conflict'] +1146,Treaty of Córdoba,24,August,1821,Mexico,Independence,Córdoba,Formal independence from Spain recognized,Mexicans,Agustín de Iturbide,Positive,Military and Conflict,North America,['Social and Cultural Events'] +1147,First Mexican Empire Declared,28,September,1821,Mexico,Political,Mexico,Brief establishment of an empire soon transitioning to a republic,Mexicans,Agustín de Iturbide,Positive,Political Events,North America,['Political Events'] +1148,U.S.UnknownMexican War,25,April,1846,Mexico,Military,Northern Mexico,Loss of vast territories to the United States,Mexicans,US,Negative,Military and Conflict,North America,['Military and Conflict'] +1149,Reform Wars,Unknown,Unknown,1857,Mexico,Civil War,Mexico,Liberal vs. Conservative conflict leading to constitutional reforms,Mexicans,Benito Juárez,Mixed,Military and Conflict,North America,['Political Events'] +1150,French Intervention in Mexico,Unknown,Unknown,1862,Mexico,Military Intervention,Mexico,Establishment and fall of the Second Mexican Empire,Mexicans,Napoleon III,Negative,Political Events,North America,['Military and Conflict'] +1151,Mexican Revolution,20,November,1910,Mexico,Revolution,Mexico,Major revolution that transformed Mexican politics and society,Mexicans,Francisco I. Madero,Positive,Political Events,North America,"['Social and Cultural Events', 'Political Events']" diff --git a/index.html b/index.html index 5797500..0461eaa 100644 --- a/index.html +++ b/index.html @@ -130,14 +130,56 @@

Bubble Mosaic

-
- -

Link

- Sketch of the linked type of event +
+ + + + + + - +

Impact Analysis

@@ -160,7 +202,7 @@

Impact Analysis

- +